diff --git a/fluid/PaddleRec/gru4rec/train.py b/fluid/PaddleRec/gru4rec/train.py index bf35c4e7e1351c8f435be4259897cd884788b943..7ebe6b9f4e7c963e6efd7573fc332e07a8fb04df 100644 --- a/fluid/PaddleRec/gru4rec/train.py +++ b/fluid/PaddleRec/gru4rec/train.py @@ -75,76 +75,51 @@ def train(): exe = fluid.Executor(place) if parallel: train_exe = fluid.ParallelExecutor( - use_cuda=use_cuda, loss_name=avg_cost.name) + use_cuda=use_cuda, + loss_name=avg_cost.name) else: train_exe = exe - def train_loop(main_program): - """ train network """ - pass_num = args.pass_num - model_dir = args.model_dir - fetch_list = [avg_cost.name] + pass_num = args.pass_num + model_dir = args.model_dir + fetch_list = [avg_cost.name] - exe.run(fluid.default_startup_program()) - total_time = 0.0 - for pass_idx in six.moves.xrange(pass_num): - epoch_idx = pass_idx + 1 - print("epoch_%d start" % epoch_idx) + exe.run(fluid.default_startup_program()) + total_time = 0.0 + for pass_idx in six.moves.xrange(pass_num): + epoch_idx = pass_idx + 1 + print("epoch_%d start" % epoch_idx) - t0 = time.time() - i = 0 - newest_ppl = 0 - for data in train_reader(): - i += 1 - lod_src_wordseq = utils.to_lodtensor([dat[0] for dat in data], - place) - lod_dst_wordseq = utils.to_lodtensor([dat[1] for dat in data], - place) - ret_avg_cost = train_exe.run(main_program, - feed={ "src_wordseq": lod_src_wordseq, - "dst_wordseq": lod_dst_wordseq}, - fetch_list=fetch_list) - avg_ppl = np.exp(ret_avg_cost[0]) - newest_ppl = np.mean(avg_ppl) - if i % args.print_batch == 0: - print("step:%d ppl:%.3f" % (i, newest_ppl)) + t0 = time.time() + i = 0 + newest_ppl = 0 + for data in train_reader(): + i += 1 + lod_src_wordseq = utils.to_lodtensor([dat[0] for dat in data], + place) + lod_dst_wordseq = utils.to_lodtensor([dat[1] for dat in data], + place) + ret_avg_cost = train_exe.run(feed={ + "src_wordseq": lod_src_wordseq, + "dst_wordseq": lod_dst_wordseq}, + fetch_list=fetch_list) + avg_ppl = np.exp(ret_avg_cost[0]) + newest_ppl = np.mean(avg_ppl) + if i % args.print_batch == 0: + print("step:%d ppl:%.3f" % (i, newest_ppl)) - t1 = time.time() - total_time += t1 - t0 - print("epoch:%d num_steps:%d time_cost(s):%f" % - (epoch_idx, i, total_time / epoch_idx)) - save_dir = "%s/epoch_%d" % (model_dir, epoch_idx) - feed_var_names = ["src_wordseq", "dst_wordseq"] - fetch_vars = [avg_cost, acc] - fluid.io.save_inference_model(save_dir, feed_var_names, fetch_vars, exe) - print("model saved in %s" % save_dir) - #exe.close() - print("finish training") + t1 = time.time() + total_time += t1 - t0 + print("epoch:%d num_steps:%d time_cost(s):%f" % + (epoch_idx, i, total_time / epoch_idx)) + save_dir = "%s/epoch_%d" % (model_dir, epoch_idx) + feed_var_names = ["src_wordseq", "dst_wordseq"] + fetch_vars = [avg_cost, acc] + fluid.io.save_inference_model(save_dir, feed_var_names, fetch_vars, exe) + print("model saved in %s" % save_dir) + #exe.close() + print("finish training") - if args.is_local: - print("run local training") - train_loop(fluid.default_main_program()) - else: - print("run distribute training") - port = os.getenv("PADDLE_PORT", "6174") - pserver_ips = os.getenv("PADDLE_PSERVERS") # ip,ip... - eplist = [] - for ip in pserver_ips.split(","): - eplist.append(':'.join([ip, port])) - pserver_endpoints = ",".join(eplist) # ip:port,ip:port... - trainers = int(os.getenv("PADDLE_TRAINERS_NUM", "0")) - current_endpoint = os.getenv("POD_IP") + ":" + port - trainer_id = int(os.getenv("PADDLE_TRAINER_ID", "0")) - t = fluid.DistributeTranspiler() - t.transpile(trainer_id, pservers=pserver_endpoints, trainers=trainers) - if training_role == "PSERVER": - pserver_prog = t.get_pserver_program(current_endpoint) - pserver_startup = t.get_startup_program(current_endpoint, - pserver_prog) - exe.run(pserver_startup) - exe.run(pserver_prog) - elif training_role == "TRAINER": - train_loop(t.get_trainer_program()) if __name__ == "__main__": train() diff --git a/fluid/PaddleRec/multiview_simnet/README.cn.md b/fluid/PaddleRec/multiview_simnet/README.cn.md index bd35ba7dee5eb58aecb35b551db0276ee657a399..06df3c32c7996f5003bd7b9c1eb749f32c28b752 100644 --- a/fluid/PaddleRec/multiview_simnet/README.cn.md +++ b/fluid/PaddleRec/multiview_simnet/README.cn.md @@ -15,8 +15,13 @@ ```bash python train.py ``` +## +如下 +如下命令行可以获得预测工具的具体选项,`python infer -h`内容可以参考说明 +```bash +python infer.py +``` ## 未来的工作 - 多种pairwise的损失函数会被加入到这个项目中。对于不同视角的特征,用户-项目之间的匹配关系可以使用不同的损失函数进行联合优化。整个模型会在真实数据中进行验证。 -- 推理工具会被加入 - Parallel Executor选项会被加入 - 分布式训练能力会被加入 diff --git a/fluid/PaddleRec/multiview_simnet/README.md b/fluid/PaddleRec/multiview_simnet/README.md index 253f4cbae76dfcfabd1dcf6690fe9d6a43dbda35..525946e612592b97e10707cadf35e5252230c2bd 100644 --- a/fluid/PaddleRec/multiview_simnet/README.md +++ b/fluid/PaddleRec/multiview_simnet/README.md @@ -15,8 +15,13 @@ The command line options for training can be listed by `python train.py -h` python train.py ``` +## Infer +The command line options for inference can be listed by `python infer.py -h` +```bash +python infer.py +``` + ## Future work - Multiple types of pairwise loss will be added in this project. For different views of features between a user and an item, multiple losses will be supported. The model will be verified in real world dataset. -- infer will be added - Parallel Executor will be added in this project - Distributed Training will be added diff --git a/fluid/PaddleRec/multiview_simnet/infer.py b/fluid/PaddleRec/multiview_simnet/infer.py new file mode 100644 index 0000000000000000000000000000000000000000..80262bb50695d9c064441bd7edb8ed05e4e0d1fe --- /dev/null +++ b/fluid/PaddleRec/multiview_simnet/infer.py @@ -0,0 +1,97 @@ +# Copyright (c) 2018 PaddlePaddle Authors. All Rights Reserved +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import os +import sys +import time +import six +import numpy as np +import math +import argparse +import logging +import paddle.fluid as fluid +import paddle +import time +import reader as reader +from nets import MultiviewSimnet, SimpleEncoderFactory + +logging.basicConfig(format="%(asctime)s - %(levelname)s - %(message)s") +logger = logging.getLogger("fluid") +logger.setLevel(logging.INFO) + + +def parse_args(): + parser = argparse.ArgumentParser("multi-view simnet") + parser.add_argument( + "--train_file", type=str, help="Training file") + parser.add_argument( + "--valid_file", type=str, help="Validation file") + parser.add_argument( + "--epochs", type=int, default=10, help="Number of epochs for training") + parser.add_argument( + "--model_dir", type=str, default='model_output', help="Model output folder") + parser.add_argument( + "--query_slots", type=int, default=1, help="Number of query slots") + parser.add_argument( + "--title_slots", type=int, default=1, help="Number of title slots") + parser.add_argument( + "--query_encoder", type=str, default="bow", help="Encoder module for slot encoding") + parser.add_argument( + "--title_encoder", type=str, default="bow", help="Encoder module for slot encoding") + parser.add_argument( + "--query_encode_dim", type=int, default=128, help="Dimension of query encoder output") + parser.add_argument( + "--title_encode_dim", type=int, default=128, help="Dimension of title encoder output") + parser.add_argument( + "--batch_size", type=int, default=128, help="Batch size for training") + parser.add_argument( + "--embedding_dim", type=int, default=128, help="Default Dimension of Embedding") + parser.add_argument( + "--sparse_feature_dim", type=int, default=1000001, help="Sparse feature hashing space for index processing") + parser.add_argument( + "--hidden_size", type=int, default=128, help="Hidden dim") + return parser.parse_args() + + +def start_infer(args, model_path): + dataset = reader.SyntheticDataset(args.sparse_feature_dim, args.query_slots, + args.title_slots) + test_reader = paddle.batch( + paddle.reader.shuffle( + dataset.valid(), buf_size=args.batch_size * 100), + batch_size=args.batch_size) + place = fluid.CPUPlace() + exe = fluid.Executor(place) + + with fluid.scope_guard(fluid.core.Scope()): + infer_program, feed_target_names, fetch_vars = fluid.io.load_inference_model( + args.model_dir, exe) + t0 = time.time() + step_id = 0 + feeder = fluid.DataFeeder(program=infer_program, feed_list=feed_target_names, place=place) + for batch_id, data in enumerate(test_reader()): + step_id += 1 + loss_val, correct_val = exe.run(infer_program, + feed=feeder.feed(data), + fetch_list=fetch_vars) + logger.info("TRAIN --> pass: {} batch_id: {} avg_cost: {}, acc: {}" + .format(step_id, batch_id, loss_val, + float(correct_val) / args.batch_size)) + +def main(): + args = parse_args() + start_infer(args, args.model_dir) + +if __name__ == "__main__": + main() diff --git a/fluid/PaddleRec/tagspace/README.md b/fluid/PaddleRec/tagspace/README.md index 29509d3f4aee846ebc331b456024b3a90c1a77f0..055099dbd29be6655472b8832ea08b608a810f1c 100644 --- a/fluid/PaddleRec/tagspace/README.md +++ b/fluid/PaddleRec/tagspace/README.md @@ -7,17 +7,27 @@ ├── README.md # 文档 ├── train.py # 训练脚本 ├── infer.py # 预测脚本 +├── net.py # 网络结构 +├── text2paddle.py # 文本数据转paddle数据 +├── cluster_train.py # 多机训练 +├── cluster_train.sh # 多机训练脚本 ├── utils # 通用函数 -├── small_train.txt # 小样本训练集 -└── small_test.txt # 小样本测试集 +├── vocab_text.txt # 小样本文本字典 +├── vocab_tag.txt # 小样本类别字典 +├── train_data # 小样本训练目录 +└── test_data # 小样本测试目录 ``` ## 简介 -TagSpace模型的介绍可以参阅论文[#TagSpace: Semantic Embeddings from Hashtags](https://research.fb.com/publications/tagspace-semantic-embeddings-from-hashtags/),在本例中,我们实现了TagSpace的模型。 -## 数据下载 +TagSpace模型的介绍可以参阅论文[#TagSpace: Semantic Embeddings from Hashtags](https://research.fb.com/publications/tagspace-semantic-embeddings-from-hashtags/)。 + +Tagspace模型学习文本及标签的embedding表示,应用于工业级的标签推荐,具体应用场景有feed新闻标签推荐。 + + +## 数据下载及预处理 [ag news dataset](https://github.com/mhjabreel/CharCNN/tree/master/data/ag_news_csv) @@ -27,23 +37,54 @@ TagSpace模型的介绍可以参阅论文[#TagSpace: Semantic Embeddings from Ha "3","Wall St. Bears Claw Back Into the Black (Reuters)","Reuters - Short-sellers, Wall Street's dwindling\band of ultra-cynics, are seeing green again." ``` -## 训练 -'--use_cuda 1' 表示使用gpu, 缺省表示使用cpu +将文本数据转为paddle数据,先将数据放到训练数据目录和测试数据目录 +``` +mv train.csv raw_big_train_data +mv test.csv raw_big_test_data +``` + +运行脚本text2paddle.py 生成paddle输入格式 +``` +python text2paddle.py raw_big_train_data/ raw_big_test_data/ train_big_data test_big_data big_vocab_text.txt big_vocab_tag.txt +``` + +## 单机训练 +'--use_cuda 1' 表示使用gpu, 0表示使用cpu, '--parallel 1' 表示使用多卡 + +小数据训练(样例中的数据已经准备,可跳过上一节的数据准备,直接运行命令) GPU 环境 -运行命令 `CUDA_VISIBLE_DEVICES=0 python train.py train_file test_file --use_cuda 1` 开始训练模型。 ``` -CUDA_VISIBLE_DEVICES=0 python train.py small_train.txt small_test.txt --use_cuda 1 +CUDA_VISIBLE_DEVICES=0 python train.py --use_cuda 1 ``` CPU 环境 -运行命令 `python train.py train_file test_file` 开始训练模型。 ``` -python train.py small_train.txt small_test.txt +python train.py +``` + +全量数据单机单卡训练 +``` +CUDA_VISIBLE_DEVICES=0 python train.py --use_cuda 1 --train_dir train_big_data/ --vocab_text_path big_vocab_text.txt --vocab_tag_path big_vocab_tag.txt --model_dir big_model --batch_size 500 +``` +全量数据单机多卡训练 + +``` +python train.py --train_dir train_big_data/ --vocab_text_path big_vocab_text.txt --vocab_tag_path big_vocab_tag.txt --model_dir big_model --batch_size 500 --parallel 1 ``` ## 预测 +小数据预测 +``` +python infer.py +``` +全量数据预测 ``` -CUDA_VISIBLE_DEVICES=0 python infer.py model/ 1 10 small_train.txt small_test.txt --use_cuda 1 +python infer.py --model_dir big_model --vocab_tag_path big_vocab_tag.txt --test_dir test_big_data/ ``` +## 本地模拟多机 +运行命令 +``` +sh cluster_train.py +``` diff --git a/fluid/PaddleRec/tagspace/cluster_train.py b/fluid/PaddleRec/tagspace/cluster_train.py new file mode 100644 index 0000000000000000000000000000000000000000..ee29bb3214145fec0b900e972ea7a5bb813cdd87 --- /dev/null +++ b/fluid/PaddleRec/tagspace/cluster_train.py @@ -0,0 +1,137 @@ +import os +import sys +import time +import six +import numpy as np +import math +import argparse +import paddle +import paddle.fluid as fluid +import time +import utils +import net + +SEED = 102 + +def parse_args(): + parser = argparse.ArgumentParser("TagSpace benchmark.") + parser.add_argument( + '--neg_size', type=int, default=3, help='neg/pos ratio') + parser.add_argument( + '--train_dir', type=str, default='train_data', help='train file address') + parser.add_argument( + '--vocab_text_path', type=str, default='vocab_text.txt', help='vocab_text file address') + parser.add_argument( + '--vocab_tag_path', type=str, default='vocab_tag.txt', help='vocab_text file address') + parser.add_argument( + '--is_local', type=int, default=1, help='whether local') + parser.add_argument( + '--model_dir', type=str, default='model_', help='model dir') + parser.add_argument( + '--batch_size', type=int, default=5, help='num of batch size') + parser.add_argument( + '--print_batch', type=int, default=10, help='num of print batch') + parser.add_argument( + '--pass_num', type=int, default=10, help='num of epoch') + parser.add_argument( + '--use_cuda', type=int, default=0, help='whether use gpu') + parser.add_argument( + '--base_lr', type=float, default=0.01, help='learning rate') + parser.add_argument( + '--num_devices', type=int, default=1, help='Number of GPU devices') + parser.add_argument( + '--role', type=str, default='pserver', help='trainer or pserver') + parser.add_argument( + '--endpoints', type=str, default='127.0.0.1:6000', help='The pserver endpoints, like: 127.0.0.1:6000, 127.0.0.1:6001') + parser.add_argument( + '--current_endpoint', type=str, default='127.0.0.1:6000', help='The current_endpoint') + parser.add_argument( + '--trainer_id', type=int, default=0, help='trainer id ,only trainer_id=0 save model') + parser.add_argument( + '--trainers', type=int, default=1, help='The num of trianers, (default: 1)') + args = parser.parse_args() + return args + +def get_cards(args): + return args.num_devices + +def train(): + """ do training """ + args = parse_args() + train_dir = args.train_dir + vocab_text_path = args.vocab_text_path + vocab_tag_path = args.vocab_tag_path + use_cuda = True if args.use_cuda else False + batch_size = args.batch_size + neg_size = args.neg_size + vocab_text_size, vocab_tag_size, train_reader = utils.prepare_data( + file_dir=train_dir, vocab_text_path=vocab_text_path, + vocab_tag_path=vocab_tag_path, neg_size=neg_size, + batch_size=batch_size * get_cards(args), + buffer_size=batch_size*100, is_train=True) + """ train network """ + # Train program + text, pos_tag, neg_tag, avg_cost, correct, cos_pos = net.network(vocab_text_size, vocab_tag_size, neg_size=neg_size) + + # Optimization to minimize lost + sgd_optimizer = fluid.optimizer.SGD(learning_rate=args.base_lr) + sgd_optimizer.minimize(avg_cost) + + def train_loop(main_program): + # Initialize executor + place = fluid.CUDAPlace(0) if use_cuda else fluid.CPUPlace() + exe = fluid.Executor(place) + pass_num = args.pass_num + model_dir = args.model_dir + fetch_list = [avg_cost.name] + exe.run(fluid.default_startup_program()) + total_time = 0.0 + for pass_idx in range(pass_num): + epoch_idx = pass_idx + 1 + print("epoch_%d start" % epoch_idx) + t0 = time.time() + for batch_id, data in enumerate(train_reader()): + lod_text_seq = utils.to_lodtensor([dat[0] for dat in data], place) + lod_pos_tag = utils.to_lodtensor([dat[1] for dat in data], place) + lod_neg_tag = utils.to_lodtensor([dat[2] for dat in data], place) + loss_val, correct_val = exe.run( + feed={ + "text": lod_text_seq, + "pos_tag": lod_pos_tag, + "neg_tag": lod_neg_tag}, + fetch_list=[avg_cost.name, correct.name]) + if batch_id % args.print_batch == 0: + print("TRAIN --> pass: {} batch_num: {} avg_cost: {}, acc: {}" + .format(pass_idx, (batch_id+10) * batch_size, np.mean(loss_val), + float(np.sum(correct_val)) / batch_size)) + t1 = time.time() + total_time += t1 - t0 + print("epoch:%d num_steps:%d time_cost(s):%f" % + (epoch_idx, batch_id, total_time / epoch_idx)) + save_dir = "%s/epoch_%d" % (model_dir, epoch_idx) + feed_var_names = ["text", "pos_tag"] + fetch_vars = [cos_pos] + fluid.io.save_inference_model(save_dir, feed_var_names, fetch_vars, exe) + print("finish training") + + if args.is_local: + print("run local training") + train_loop(fluid.default_main_program()) + else: + print("run distribute training") + t = fluid.DistributeTranspiler() + t.transpile(args.trainer_id, pservers=args.endpoints, trainers=args.trainers) + if args.role == "pserver": + print("run psever") + pserver_prog = t.get_pserver_program(args.current_endpoint) + pserver_startup = t.get_startup_program(args.current_endpoint, + pserver_prog) + exe = fluid.Executor(fluid.CPUPlace()) + exe.run(pserver_startup) + exe.run(pserver_prog) + elif args.role == "trainer": + print("run trainer") + train_loop(t.get_trainer_program()) + +if __name__ == "__main__": + train() diff --git a/fluid/PaddleRec/tagspace/cluster_train.sh b/fluid/PaddleRec/tagspace/cluster_train.sh new file mode 100644 index 0000000000000000000000000000000000000000..16698e1d4acf06bd5bb06f9aceb7b3b135b5f234 --- /dev/null +++ b/fluid/PaddleRec/tagspace/cluster_train.sh @@ -0,0 +1,58 @@ +#!/bin/bash + +#export GLOG_v=30 +#export GLOG_logtostderr=1 + +# start pserver0 +python cluster_train.py \ + --train_dir train_data \ + --model_dir cluster_model \ + --batch_size 5 \ + --is_local 0 \ + --role pserver \ + --endpoints 127.0.0.1:6000,127.0.0.1:6001 \ + --current_endpoint 127.0.0.1:6000 \ + --trainers 2 \ + > pserver0.log 2>&1 & + +# start pserver1 +python cluster_train.py \ + --train_dir train_data \ + --model_dir cluster_model \ + --batch_size 5 \ + --is_local 0 \ + --role pserver \ + --endpoints 127.0.0.1:6000,127.0.0.1:6001 \ + --current_endpoint 127.0.0.1:6001 \ + --trainers 2 \ + > pserver1.log 2>&1 & + +# start trainer0 +#CUDA_VISIBLE_DEVICES=1 python cluster_train.py \ +python cluster_train.py \ + --train_dir train_data \ + --model_dir cluster_model \ + --batch_size 5 \ + --print_batch 10 \ + --use_cuda 0 \ + --is_local 0 \ + --role trainer \ + --endpoints 127.0.0.1:6000,127.0.0.1:6001 \ + --trainers 2 \ + --trainer_id 0 \ + > trainer0.log 2>&1 & + +# start trainer1 +#CUDA_VISIBLE_DEVICES=2 python cluster_train.py \ +python cluster_train.py \ + --train_dir train_data \ + --model_dir cluster_model \ + --batch_size 5 \ + --print_batch 10 \ + --use_cuda 0 \ + --is_local 0 \ + --role trainer \ + --endpoints 127.0.0.1:6000,127.0.0.1:6001 \ + --trainers 2 \ + --trainer_id 1 \ + > trainer1.log 2>&1 & diff --git a/fluid/PaddleRec/tagspace/infer.py b/fluid/PaddleRec/tagspace/infer.py index 0ebc5c8d4192432b1969caf5dd4b2c9fd48d5096..2ecdaa5a792da24495ee4b2c5ce1ab605e187ba9 100644 --- a/fluid/PaddleRec/tagspace/infer.py +++ b/fluid/PaddleRec/tagspace/infer.py @@ -1,4 +1,5 @@ import sys +import argparse import time import math import unittest @@ -9,6 +10,25 @@ import paddle.fluid as fluid import paddle import utils +def parse_args(): + parser = argparse.ArgumentParser("gru4rec benchmark.") + parser.add_argument( + '--test_dir', type=str, default='test_data', help='test file address') + parser.add_argument( + '--vocab_tag_path', type=str, default='vocab_tag.txt', help='vocab path') + parser.add_argument( + '--start_index', type=int, default='1', help='start index') + parser.add_argument( + '--last_index', type=int, default='10', help='end index') + parser.add_argument( + '--model_dir', type=str, default='model_', help='model dir') + parser.add_argument( + '--use_cuda', type=int, default='0', help='whether use cuda') + parser.add_argument( + '--batch_size', type=int, default='5', help='batch_size') + args = parser.parse_args() + return args + def infer(test_reader, vocab_tag, use_cuda, model_path): """ inference function """ place = fluid.CUDAPlace(0) if use_cuda else fluid.CPUPlace() @@ -21,7 +41,7 @@ def infer(test_reader, vocab_tag, use_cuda, model_path): step_id = 0 true_num = 0 all_num = 0 - size = len(vocab_tag) + size = vocab_tag value = [] for data in test_reader(): step_id += 1 @@ -47,30 +67,18 @@ def infer(test_reader, vocab_tag, use_cuda, model_path): t1 = time.time() if __name__ == "__main__": - if len(sys.argv) != 6: - print( - "Usage: %s model_dir start_epoch last_epoch(inclusive) train_file test_file" - ) - exit(0) - train_file = "" - test_file = "" - model_dir = sys.argv[1] - try: - start_index = int(sys.argv[2]) - last_index = int(sys.argv[3]) - train_file = sys.argv[4] - test_file = sys.argv[5] - except: - print( - "Usage: %s model_dir start_ipoch last_epoch(inclusive) train_file test_file" - ) - exit(-1) - vocab_text, vocab_tag, train_reader, test_reader = utils.prepare_data( - train_file, - test_file, - batch_size=1, - buffer_size=1000, - word_freq_threshold=0) + args = parse_args() + start_index = args.start_index + last_index = args.last_index + test_dir = args.test_dir + model_dir = args.model_dir + batch_size = args.batch_size + vocab_tag_path = args.vocab_tag_path + use_cuda = True if args.use_cuda else False + print("start index: ", start_index, " last_index:" ,last_index) + vocab_text, vocab_tag, test_reader = utils.prepare_data( + test_dir, "", vocab_tag_path, batch_size=1, + neg_size=0, buffer_size=1000, is_train=False) for epoch in xrange(start_index, last_index + 1): epoch_path = model_dir + "/epoch_" + str(epoch) diff --git a/fluid/PaddleRec/tagspace/net.py b/fluid/PaddleRec/tagspace/net.py new file mode 100644 index 0000000000000000000000000000000000000000..20aa1a311c643e9a7502557a02e8a900468e96ca --- /dev/null +++ b/fluid/PaddleRec/tagspace/net.py @@ -0,0 +1,49 @@ +import paddle.fluid as fluid +import paddle.fluid.layers.nn as nn +import paddle.fluid.layers.tensor as tensor +import paddle.fluid.layers.control_flow as cf +import paddle.fluid.layers.io as io + +def network(vocab_text_size, vocab_tag_size, emb_dim=10, hid_dim=1000, win_size=5, margin=0.1, neg_size=5): + """ network definition """ + text = io.data(name="text", shape=[1], lod_level=1, dtype='int64') + pos_tag = io.data(name="pos_tag", shape=[1], lod_level=1, dtype='int64') + neg_tag = io.data(name="neg_tag", shape=[1], lod_level=1, dtype='int64') + text_emb = nn.embedding( + input=text, size=[vocab_text_size, emb_dim], param_attr="text_emb") + pos_tag_emb = nn.embedding( + input=pos_tag, size=[vocab_tag_size, emb_dim], param_attr="tag_emb") + neg_tag_emb = nn.embedding( + input=neg_tag, size=[vocab_tag_size, emb_dim], param_attr="tag_emb") + + conv_1d = fluid.nets.sequence_conv_pool( + input=text_emb, + num_filters=hid_dim, + filter_size=win_size, + act="tanh", + pool_type="max", + param_attr="cnn") + text_hid = fluid.layers.fc(input=conv_1d, size=emb_dim, param_attr="text_hid") + cos_pos = nn.cos_sim(pos_tag_emb, text_hid) + mul_text_hid = fluid.layers.sequence_expand_as(x=text_hid, y=neg_tag_emb) + mul_cos_neg = nn.cos_sim(neg_tag_emb, mul_text_hid) + cos_neg_all = fluid.layers.sequence_reshape(input=mul_cos_neg, new_dim=neg_size) + #choose max negtive cosine + cos_neg = nn.reduce_max(cos_neg_all, dim=1, keep_dim=True) + #calculate hinge loss + loss_part1 = nn.elementwise_sub( + tensor.fill_constant_batch_size_like( + input=cos_pos, + shape=[-1, 1], + value=margin, + dtype='float32'), + cos_pos) + loss_part2 = nn.elementwise_add(loss_part1, cos_neg) + loss_part3 = nn.elementwise_max( + tensor.fill_constant_batch_size_like( + input=loss_part2, shape=[-1, 1], value=0.0, dtype='float32'), + loss_part2) + avg_cost = nn.mean(loss_part3) + less = tensor.cast(cf.less_than(cos_neg, cos_pos), dtype='float32') + correct = nn.reduce_sum(less) + return text, pos_tag, neg_tag, avg_cost, correct, cos_pos diff --git a/fluid/PaddleRec/tagspace/small_test.txt b/fluid/PaddleRec/tagspace/small_test.txt deleted file mode 100644 index c1afc67355170bf97f5982ede434b9d0a5cc4fed..0000000000000000000000000000000000000000 --- a/fluid/PaddleRec/tagspace/small_test.txt +++ /dev/null @@ -1,1000 +0,0 @@ -"3","Fears for T N pension after talks","Unions representing workers at Turner Newall say they are 'disappointed' after talks with stricken parent firm Federal Mogul." -"4","The Race is On: Second Private Team Sets Launch Date for Human Spaceflight (SPACE.com)","SPACE.com - TORONTO, Canada -- A second\team of rocketeers competing for the #36;10 million Ansari X Prize, a contest for\privately funded suborbital space flight, has officially announced the first\launch date for its manned rocket." -"4","Ky. Company Wins Grant to Study Peptides (AP)","AP - A company founded by a chemistry researcher at the University of Louisville won a grant to develop a method of producing better peptides, which are short chains of amino acids, the building blocks of proteins." -"4","Prediction Unit Helps Forecast Wildfires (AP)","AP - It's barely dawn when Mike Fitzpatrick starts his shift with a blur of colorful maps, figures and endless charts, but already he knows what the day will bring. Lightning will strike in places he expects. Winds will pick up, moist places will dry and flames will roar." -"4","Calif. Aims to Limit Farm-Related Smog (AP)","AP - Southern California's smog-fighting agency went after emissions of the bovine variety Friday, adopting the nation's first rules to reduce air pollution from dairy cow manure." -"4","Open Letter Against British Copyright Indoctrination in Schools","The British Department for Education and Skills (DfES) recently launched a ""Music Manifesto"" campaign, with the ostensible intention of educating the next generation of British musicians. Unfortunately, they also teamed up with the music industry (EMI, and various artists) to make this popular. EMI has apparently negotiated their end well, so that children in our schools will now be indoctrinated about the illegality of downloading music.The ignorance and audacity of this got to me a little, so I wrote an open letter to the DfES about it. Unfortunately, it's pedantic, as I suppose you have to be when writing to goverment representatives. But I hope you find it useful, and perhaps feel inspired to do something similar, if or when the same thing has happened in your area." -"4","Loosing the War on Terrorism","\\""Sven Jaschan, self-confessed author of the Netsky and Sasser viruses, is\responsible for 70 percent of virus infections in 2004, according to a six-month\virus roundup published Wednesday by antivirus company Sophos.""\\""The 18-year-old Jaschan was taken into custody in Germany in May by police who\said he had admitted programming both the Netsky and Sasser worms, something\experts at Microsoft confirmed. (A Microsoft antivirus reward program led to the\teenager's arrest.) During the five months preceding Jaschan's capture, there\were at least 25 variants of Netsky and one of the port-scanning network worm\Sasser.""\\""Graham Cluley, senior technology consultant at Sophos, said it was staggeri ...\\" -"4","FOAFKey: FOAF, PGP, Key Distribution, and Bloom Filters","\\FOAF/LOAF and bloom filters have a lot of interesting properties for social\network and whitelist distribution.\\I think we can go one level higher though and include GPG/OpenPGP key\fingerpring distribution in the FOAF file for simple web-of-trust based key\distribution.\\What if we used FOAF and included the PGP key fingerprint(s) for identities?\This could mean a lot. You include the PGP key fingerprints within the FOAF\file of your direct friends and then include a bloom filter of the PGP key\fingerprints of your entire whitelist (the source FOAF file would of course need\to be encrypted ).\\Your whitelist would be populated from the social network as your client\discovered new identit ...\\" -"4","E-mail scam targets police chief","Wiltshire Police warns about ""phishing"" after its fraud squad chief was targeted." -"4","Card fraud unit nets 36,000 cards","In its first two years, the UK's dedicated card fraud unit, has recovered 36,000 stolen cards and 171 arrests - and estimates it saved 65m." -"4","Group to Propose New High-Speed Wireless Format"," LOS ANGELES (Reuters) - A group of technology companies including Texas Instruments Inc. <TXN.N>, STMicroelectronics <STM.PA> and Broadcom Corp. <BRCM.O>, on Thursday said they will propose a new wireless networking standard up to 10 times the speed of the current generation." -"4","Apple Launches Graphics Software, Video Bundle"," LOS ANGELES (Reuters) - Apple Computer Inc.<AAPL.O> on Tuesday began shipping a new program designed to let users create real-time motion graphics and unveiled a discount video-editing software bundle featuring its flagship Final Cut Pro software." -"4","Dutch Retailer Beats Apple to Local Download Market"," AMSTERDAM (Reuters) - Free Record Shop, a Dutch music retail chain, beat Apple Computer Inc. to market on Tuesday with the launch of a new download service in Europe's latest battleground for digital song services." -"4","Super ant colony hits Australia","A giant 100km colony of ants which has been discovered in Melbourne, Australia, could threaten local insect species." -"4","Socialites unite dolphin groups","Dolphin groups, or ""pods"", rely on socialites to keep them from collapsing, scientists claim." -"4","Teenage T. rex's monster growth","Tyrannosaurus rex achieved its massive size due to an enormous growth spurt during its adolescent years." -"4","Scientists Discover Ganymede has a Lumpy Interior","Jet Propulsion Lab -- Scientists have discovered irregular lumps beneath the icy surface of Jupiter's largest moon, Ganymede. These irregular masses may be rock formations, supported by Ganymede's icy shell for billions of years..." -"4","Mars Rovers Relay Images Through Mars Express","European Space Agency -- ESAs Mars Express has relayed pictures from one of NASA's Mars rovers for the first time, as part of a set of interplanetary networking demonstrations. The demonstrations pave the way for future Mars missions to draw on joint interplanetary networking capabilities..." -"4","Rocking the Cradle of Life","When did life begin? One evidential clue stems from the fossil records in Western Australia, although whether these layered sediments are biological or chemical has spawned a spirited debate. Oxford researcher, Nicola McLoughlin, describes some of the issues in contention." -"4","Storage, servers bruise HP earnings","update Earnings per share rise compared with a year ago, but company misses analysts' expectations by a long shot." -"4","IBM to hire even more new workers","By the end of the year, the computing giant plans to have its biggest headcount since 1991." -"4","Sun's Looking Glass Provides 3D View","Developers get early code for new operating system 'skin' still being crafted." -"4","IBM Chips May Someday Heal Themselves","New technology applies electrical fuses to help identify and repair faults." -"4","Some People Not Eligible to Get in on Google IPO","Google has billed its IPO as a way for everyday people to get in on the process, denying Wall Street the usual stranglehold it's had on IPOs. Public bidding, a minimum of just five shares, an open process with 28 underwriters - all this pointed to a new level of public participation. But this isn't the case." -"4","Rivals Try to Turn Tables on Charles Schwab","By MICHAEL LIEDTKE SAN FRANCISCO (AP) -- With its low prices and iconoclastic attitude, discount stock broker Charles Schwab Corp. (SCH) represented an annoying stone in Wall Street's wing-tipped shoes for decades..." -"4","News: Sluggish movement on power grid cyber security","Industry cyber security standards fail to reach some of the most vulnerable components of the power grid.\" -"2","Giddy Phelps Touches Gold for First Time","Michael Phelps won the gold medal in the 400 individual medley and set a world record in a time of 4 minutes 8.26 seconds." -"2","Tougher rules won't soften Law's game","FOXBOROUGH -- Looking at his ridiculously developed upper body, with huge biceps and hardly an ounce of fat, it's easy to see why Ty Law, arguably the best cornerback in football, chooses physical play over finesse. That's not to imply that he's lacking a finesse component, because he can shut down his side of the field much as Deion Sanders ..." -"2","Shoppach doesn't appear ready to hit the next level","With the weeks dwindling until Jason Varitek enters free agency, the Red Sox continue to carefully monitor Kelly Shoppach , their catcher of the future, in his climb toward the majors. The Sox like most of what they have seen at Triple A Pawtucket from Shoppach, though it remains highly uncertain whether he can make the adjustments at the plate ..." -"2","Mighty Ortiz makes sure Sox can rest easy","Just imagine what David Ortiz could do on a good night's rest. Ortiz spent the night before last with his baby boy, D'Angelo, who is barely 1 month old. He had planned on attending the Red Sox' Family Day at Fenway Park yesterday morning, but he had to sleep in. After all, Ortiz had a son at home, and he ..." -"2","They've caught his eye","In quot;helping themselves, quot; Ricky Bryant, Chas Gessner, Michael Jennings, and David Patten did nothing Friday night to make Bill Belichick's decision on what to do with his receivers any easier." -"2","Indians Mount Charge","The Cleveland Indians pulled within one game of the AL Central lead by beating the Minnesota Twins, 7-1, Saturday night with home runs by Travis Hafner and Victor Martinez." -"1","Sister of man who died in Vancouver police custody slams chief (Canadian Press)","Canadian Press - VANCOUVER (CP) - The sister of a man who died after a violent confrontation with police has demanded the city's chief constable resign for defending the officer involved." -"1","Man Sought #36;50M From McGreevey, Aides Say (AP)","AP - The man who claims Gov. James E. McGreevey sexually harassed him was pushing for a cash settlement of up to #36;50 million before the governor decided to announce that he was gay and had an extramarital affair, sources told The Associated Press." -"1","Explosions Echo Throughout Najaf","NAJAF, Iraq - Explosions and gunfire rattled through the city of Najaf as U.S. troops in armored vehicles and tanks rolled back into the streets here Sunday, a day after the collapse of talks - and with them a temporary cease-fire - intended to end the fighting in this holy city..." -"1","Frail Pope Celebrates Mass at Lourdes","LOURDES, France - A frail Pope John Paul II, breathing heavily and gasping at times, celebrated an open-air Mass on Sunday for several hundred thousand pilgrims, many in wheelchairs, at a shrine to the Virgin Mary that is associated with miraculous cures. At one point he said ""help me"" in Polish while struggling through his homily in French..." -"1","Venezuela Prepares for Chavez Recall Vote","Supporters and rivals warn of possible fraud; government says Chavez's defeat could produce turmoil in world oil market." -"1","1994 Law Designed to Preserve Guard Jobs (AP)","AP - A 1994 law strengthened job protections for National Guard and Reserve troops called to active duty. Here are major provisions of the Uniformed Services Employment and Reemployment Rights Act (USERRA)." -"1","Iran Warns Its Missiles Can Hit Anywhere in Israel"," TEHRAN (Reuters) - A senior Iranian military official said Sunday Israel and the United States would not dare attack Iran since it could strike back anywhere in Israel with its latest missiles, news agencies reported." -"1","Afghan Army Dispatched to Calm Violence","KABUL, Afghanistan - Government troops intervened in Afghanistan's latest outbreak of deadly fighting between warlords, flying from the capital to the far west on U.S. and NATO airplanes to retake an air base contested in the violence, officials said Sunday..." -"2","Johnson Helps D-Backs End Nine-Game Slide (AP)","AP - Randy Johnson took a four-hitter into the ninth inning to help the Arizona Diamondbacks end a nine-game losing streak Sunday, beating Steve Trachsel and the New York Mets 2-0." -"3","Retailers Vie for Back-To-School Buyers (Reuters)","Reuters - Apparel retailers are hoping their\back-to-school fashions will make the grade among\style-conscious teens and young adults this fall, but it could\be a tough sell, with students and parents keeping a tighter\hold on their wallets." -"1","Politics an Afterthought Amid Hurricane (AP)","AP - If Hurricane Charley had struck three years ago, President Bush's tour through the wreckage of this coastal city would have been just the sort of post-disaster visit that other presidents have made to the scenes of storms, earthquakes, floods and fires." -"4","Spam suspension hits Sohu.com shares (FT.com)","FT.com - Shares in Sohu.com, a leading US-listed Chinese internet portal, fell more than 10 per cent on Friday after China's biggest mobile phone network operator imposed a one-year suspension on its multimedia messaging services because of customers being sent spam." -"2","Erstad's Double Lifts Angels to Win (AP)","AP - Darin Erstad doubled in the go-ahead run in the eighth inning, lifting the Anaheim Angels to a 3-2 victory over the Detroit Tigers on Sunday. The win pulled Anaheim within a percentage point of Boston and Texas in the AL wild-card race." -"2","Drew Out of Braves' Lineup After Injury (AP)","AP - Outfielder J.D. Drew missed the Atlanta Braves' game against the St. Louis Cardinals on Sunday night with a sore right quadriceps." -"1","Venezuelans Flood Polls, Voting Extended"," CARACAS, Venezuela (Reuters) - Venezuelans voted in huge numbers on Sunday in a historic referendum on whether to recall left-wing President Hugo Chavez and electoral authorities prolonged voting well into the night." -"4","Dell Exits Low-End China Consumer PC Market"," HONG KONG (Reuters) - Dell Inc. <DELL.O>, the world's largest PC maker, said on Monday it has left the low-end consumer PC market in China and cut its overall growth target for the country this year due to stiff competition in the segment." -"1","China Says Taiwan Spy Also Operated in U.S. - Media"," BEIJING (Reuters) - Beijing on Monday accused a Chinese-American arrested for spying for Taiwan of building an espionage network in the United States, and said he could go on trial very soon." -"2","Another Major Non-Factor","Another major, another disappointment for Tiger Woods, the No. 1 ranked player in the world who has not won a major championship since his triumph at the 2002 U.S. Open." -"1","US fighter squadron to be deployed in South Korea next month (AFP)","AFP - A squadron of US Air Force F-15E fighters based in Alaska will fly to South Korea next month for temporary deployment aimed at enhancing US firepower on the Korean peninsula, US authorities said." -"2","Johnson Back to His Best as D-Backs End Streak"," NEW YORK (Reuters) - Randy Johnson struck out 14 batters in 8 1/3 innings to help the Arizona Diamondbacks end a nine-game losing streak with a 2-0 win over the host New York Mets in the National League Sunday." -"1","Restive Maldives eases curfew after rounding up dissidents (AFP)","AFP - A curfew in the capital of the Maldives was eased but parliament sessions were put off indefinitely and emergency rule continued following last week's riots, officials and residents said." -"4","Vodafone hires Citi for Cesky bid (TheDeal.com)","TheDeal.com - The U.K. mobile giant wants to find a way to disentagle the Czech wireless and fixed-line businesses." -"3","Dollar Briefly Hits 4-Wk Low Vs Euro"," LONDON (Reuters) - The dollar dipped to a four-week low against the euro on Monday before rising slightly on profit-taking, but steep oil prices and weak U.S. data continued to fan worries about the health of the world's largest economy." -"4","Promoting a Shared Vision","As Michael Kaleko kept running into people who were getting older and having more vision problems, he realized he could do something about it." -"1","India's Tata expands regional footprint via NatSteel buyout (AFP)","AFP - India's Tata Iron and Steel Company Ltd. took a strategic step to expand its Asian footprint with the announcement it will buy the Asia-Pacific steel operations of Singapore's NatSteel Ltd." -"1","Delegates Urge Cleric to Pull Out of Najaf","BAGHDAD, Iraq - Delegates at Iraq's National Conference called on radical Shiite cleric Muqtada al-Sadr to abandon his uprising against U.S. and Iraqi troops and pull his fighters out of a holy shrine in Najaf..." -"3","Treasuries Slip as Stocks Rally"," NEW YORK (Reuters) - U.S. Treasury debt prices slipped on Monday, though traders characterized the move as profit-taking rather than any fundamental change in sentiment." -"3","Dollar Rises Vs Euro on Asset Flows Data"," NEW YORK (Reuters) - The dollar extended gains against the euro on Monday after a report on flows into U.S. assets showed enough of a rise in foreign investments to offset the current account gap for the month." -"2","Sutton Adds Haas, Cink to Ryder Cup Team"," MILWAUKEE (Sports Network) - U.S. Ryder Cup captain Hal Sutton finalized his team on Monday when he announced the selections of Jay Haas and Stewart Cink as his captain's picks." -"2","Haas and Cink Selected for Ryder Cup Team","Jay Haas joined Stewart Cink as the two captain's picks for a U.S. team that will try to regain the cup from Europe next month." -"2","Natalie Coughlin Wins 100M Backstroke (AP)","AP - American Natalie Coughlin won Olympic gold in the 100-meter backstroke Monday night. Coughlin, the only woman ever to swim under 1 minute in the event, finished first in 1 minute, 0.37 seconds. Kirsty Coventry of Zimbabwe, who swims at Auburn University in Alabama, earned the silver in 1:00.50. Laure Manaudou of France took bronze in 1:00.88." -"4","Oracle Overhauls Sales-Side Apps for CRM Suite (NewsFactor)","NewsFactor - Oracle (Nasdaq: ORCL) has revamped its sales-side CRM applications in version 11i.10 of its sales, marketing, partner relationship management and e-commerce application." -"1","UN launches 210-million-dollar appeal for flood-hit Bangladesh (AFP)","AFP - The United Nations launched an appeal here for 210 million dollars to help flood victims facing ""grave"" food shortages after two-thirds of Bangladesh was submerged, destroying crops and killing more than 700 people." -"4","Indian state rolls out wireless broadband","Government in South Indian state of Kerala sets up wireless kiosks as part of initiative to bridge digital divide." -"1","Hurricane Survivors Wait for Water, Gas","PUNTA GORDA, Fla. - Urban rescue teams, insurance adjusters and National Guard troops scattered across Florida Monday to help victims of Hurricane Charley and deliver water and other supplies to thousands of people left homeless..." -"1","Jackson Squares Off With Prosecutor","SANTA MARIA, Calif. - Fans of Michael Jackson erupted in cheers Monday as the pop star emerged from a double-decker tour bus and went into court for a showdown with the prosecutor who has pursued him for years on child molestation charges..." -"2","Bobcats Trade Drobnjak to Hawks for Pick (AP)","AP - The Charlotte Bobcats traded center Predrag Drobnjak to the Atlanta Hawks on Monday for a second round pick in the 2005 NBA draft." -"1","Suspect charged in abduction, sexual assault of 11-year-old girl (Canadian Press)","Canadian Press - LANGLEY, B.C. (CP) - Police have arrested a man in the kidnapping and sexual assault of an 11-year-old girl that frightened this suburban Vancouver community last week." -"4","China's Red Flag Linux to focus on enterprise","Red Flag Software Co., the company behind China's leading Linux client distribution, plans to focus more on its server operating system and enterprise customers, the company's acting president said." -"4","AOL Properties Sign Girafa For Thumbnail Search Images","AOL Properties Sign Girafa For Thumbnail Search Images\\Girafa.com Inc. announced today that the CompuServe, Netscape, AIM and ICQ properties of America Online, Inc., have signed an agreement with Girafa to use Girafa's thumbnail search images as an integrated part of their search results.\\Using Girafa's thumbnail search service, search users can ..." -"4","Cassini Spies Two Little Saturn Moons (AP)","AP - NASA's Cassini spacecraft has spied two new little moons around satellite-rich Saturn, the space agency said Monday." -"1","On front line of AIDS in Russia","An industrial city northwest of Moscow struggles as AIDS hits a broader population." -"4","Nobel Laureate Decries Stem Cell Limits (AP)","AP - A Nobel laureate in medicine said Monday the Bush administration's limits on funding for embryonic stem cell research effectively have stopped the clock on American scientists' efforts to develop treatments for a host of chronic, debilitating diseases." -"2","Jury Can Hear of Kobe Accuser's Sex Life (AP)","AP - Prosecutors suffered another setback Monday in the Kobe Bryant sexual assault case, losing a last-ditch attempt to keep the NBA star's lawyers from telling jurors about the alleged victim's sex life." -"1","North Korea Talks Still On, China Tells Downer (Reuters)","Reuters - China has said no date has been set for\working-level talks on the North Korean nuclear crisis and gave\no indication that the meeting has been canceled, Australian\Foreign Minister Alexander Downer said on Tuesday." -"2","Griffin to Anchor D-Line","The Redskins expect huge things from 300-pound Cornelius Griffin, who was signed to aid the team's weakest unit - the defensive line." -"1","Last American defector in North Korea agrees to tell story (AFP)","AFP - The last surviving American defector to communist North Korea wants to tell his story to put a human face on the Stalinist state which he believes is unfairly vilified abroad, British film-makers said." -"1","Live: Olympics day four","Richard Faulds and Stephen Parry are going for gold for Great Britain on day four in Athens." -"1","Kerry Widens Lead in California, Poll Finds (Reuters)","Reuters - Democratic challenger John Kerry\has a commanding lead over President Bush in California of 54\percent to 38 percent among likely voters, a poll released on\Tuesday found." -"2","Capacity Crowds at Beach Volleyball Rock the Joint"," ATHENS (Reuters) - At the beach volleyball, the 2004 Olympics is a sell-out, foot-stomping success." -"3","Dollar Near Recent Lows, Awaits ZEW/CPI"," LONDON (Reuters) - The dollar held steady near this week's four-week low against the euro on Tuesday with investors awaiting a German investor confidence survey and U.S. consumer inflation numbers to shed light on the direction." -"3","Intel to delay product aimed for high-definition TVs","SAN FRANCISCO -- In the latest of a series of product delays, Intel Corp. has postponed the launch of a video display chip it had previously planned to introduce by year end, putting off a showdown with Texas Instruments Inc. in the fast-growing market for high-definition television displays." -"1","Venezuela vote keeps Chavez as president","CARACAS -- Venezuelans voted resoundingly to keep firebrand populist Hugo Chavez as their president in a victory that drew noisy reactions yesterday from both sides in the streets. International observers certified the results as clean and accurate." -"1","Jailing of HK democrat in China 'politically motivated' (AFP)","AFP - Hong Kong democrats accused China of jailing one of their members on trumped-up prostitution charges in a bid to disgrace a political movement Beijing has been feuding with for seven years." -"3","Kmart Swings to Profit in 2Q; Stock Surges (AP)","AP - Shares of Kmart Holding Corp. surged 17 percent Monday after the discount retailer reported a profit for the second quarter and said chairman and majority owner Edward Lampert is now free to invest the company's #36;2.6 billion in surplus cash." -"1","Fischer's Fiancee: Marriage Plans Genuine (AP)","AP - Former chess champion Bobby Fischer's announcement thathe is engaged to a Japanese woman could win him sympathy among Japanese officials and help him avoid deportation to the United States, his fiancee and one of his supporters said Tuesday." -"1","U.S. Misses Cut in Olympic 100 Free","ATHENS, Greece - Top American sprinters Jason Lezak and Ian Crocker missed the cut in the Olympic 100-meter freestyle preliminaries Tuesday, a stunning blow for a country that had always done well in the event. Pieter van den Hoogenband of the Netherlands and Australian Ian Thorpe advanced to the evening semifinal a day after dueling teenager Michael Phelps in the 200 freestyle, won by Thorpe..." -"4","Consumers Would Pay In Phone Proposal","A proposal backed by a coalition of telephone carriers would cut billions of dollars in fees owed by long-distance companies to regional phone giants but would allow the regional companies to make up some of the difference by raising monthly phone bills for millions of consumers. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</B></FONT>" -"1","U.S. Brokers Cease-fire in Western Afghanistan"," KABUL (Reuters) - The United States has brokered a cease-fire between a renegade Afghan militia leader and the embattled governor of the western province of Herat, Washington's envoy to Kabul said Tuesday." -"3","Sneaky Credit Card Tactics","Keep an eye on your credit card issuers -- they may be about to raise your rates." -"4","Intel Delays Launch of Projection TV Chip","In another product postponement, semiconductor giant Intel Corp. said it won't be offering a chip for projection TVs by the end of 2004 as it had announced earlier this year." -"3","Fund pessimism grows","NEW YORK (CNN/Money) - Money managers are growing more pessimistic about the economy, corporate profits and US stock market returns, according to a monthly survey by Merrill Lynch released Tuesday. " -"2","Kederis proclaims innocence","Olympic champion Kostas Kederis today left hospital ahead of his date with IOC inquisitors claiming his innocence and vowing: quot;After the crucifixion comes the resurrection. quot; ..." -"2","Eriksson doesn #39;t feel any extra pressure following scandal","NEWCASTLE, England (AP) - England coach Sven-Goran Eriksson said Tuesday he isn #39;t under any extra pressure in the aftermath of a scandal that damaged the Football Association #39;s reputation. " -"2","Injured Heskey to miss England friendly","NEWCASTLE, England (AP) - Striker Emile Heskey has pulled out of the England squad ahead of Wednesday #39;s friendly against Ukraine because of a tight hamstring, the Football Association said Tuesday. " -"3","Staples Profit Up, to Enter China Market"," NEW YORK (Reuters) - Staples Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=SPLS.O target=/stocks/quickinfo/fullquote"">SPLS.O</A>, the top U.S. office products retailer, on Tuesday reported a 39 percent jump in quarterly profit, raised its full-year forecast and said it plans to enter the fast-growing Chinese market, sending its shares higher." -"1","Delegation Is Delayed Before Reaching Najaf","AGHDAD, Iraq, Aug. 17 A delegation of Iraqis was delayed for security reasons today but still intended to visit Najaf to try to convince a rebellious Shiite cleric and his militia to evacuate a shrine in the holy city and end ..." -"3","Consumer Prices Down, Industry Output Up"," WASHINGTON (Reuters) - U.S. consumer prices dropped in July for the first time in eight months as a sharp run up in energy costs reversed, the government said in a report that suggested a slow rate of interest rate hikes is likely." -"2","Olympic history for India, UAE","An Indian army major shot his way to his country #39;s first ever individual Olympic silver medal on Tuesday, while in the same event an member of Dubai #39;s ruling family became the first ever medallist from the United Arab Emirates. " -"3","Home Depot Likes High Oil","Rising fuel prices, a bugbear for most of the retail sector, are helping Home Depot (HD:NYSE - news - research), the remodeling giant that reported a surge in second-quarter earnings Tuesday and guided the rest of the year higher. " -"4","China cracks down on quot;phone sex quot; services","BEIJING, Aug. 17 (Xinhuanet) -- China is carrying out a nationwide campaign to crack down on quot;phone sex quot; services, paralleling another sweeping operation against Internet pornography, Minister of Information Industry Wang Xudong said here Tuesday. " -"3","Surviving Biotech's Downturns","Charly Travers offers advice on withstanding the volatility of the biotech sector." -"1","Mr Downer shoots his mouth off","Just what Alexander Downer was thinking when he declared on radio last Friday that quot;they could fire a missile from North Korea to Sydney quot; is unclear. The provocative remark, just days before his arrival yesterday on his second visit to the North Korean ..." -"2","Edwards Banned from Games - Source"," ATHENS (Reuters) - World 100 meters champion Torri Edwards will miss the Athens Olympics after her appeal against a two-year drugs ban was dismissed on Tuesday, a source told Reuters." -"1","Stocks Climb on Drop in Consumer Prices","NEW YORK - Stocks rose for a second straight session Tuesday as a drop in consumer prices allowed investors to put aside worries about inflation, at least for the short term. With gasoline prices falling to eight-month lows, the Consumer Price Index registered a small drop in July, giving consumers a respite from soaring energy prices..." -"2","Iliadis, Tanimoto win judo golds","Ilias Iliadis of Greece thrilled the home crowd Tuesday, beating Roman Gontyuk of Ukraine to win the gold medal in the 81-kilogram class. " -"1","Sudan vows to restore order to Darfur but calls for African peacekeepers (AFP)","AFP - Sudan will take the lead in restoring order to its rebellious Darfur region but needs the support of African peacekeepers and humanitarian aid, Foreign Minister Mustafa Osman Ismail said." -"4","TGn Sync Proposes New WLAN Standard","The battle over home entertainment networking is heating up as a coalition proposes yet another standard for the IEEE #39;s consideration. " -"3","Yahoo! Ups Ante for Small Businesses","Web giant Yahoo! is gambling that price cuts on its domain name registration and Web hosting products will make it more competitive with discounters in the space -- which means that small businesses looking to move online get a sweeter deal through ..." -"4","IBM Buys Two Danish Services Firms","IBM said Tuesday it has acquired a pair of Danish IT services firms as part of its effort to broaden its presence in Scandinavia. As a result of the moves, IBM will add about 3,700 IT staffers to its global head count. Financial terms of ..." -"4","Motorola and HP in Linux tie-up","Motorola plans to sell mobile phone network equipment that uses Linux-based code, a step forward in network gear makers #39; efforts to rally around a standard. " -"4","Microsoft Pushes Off SP2 Release","Microsoft will delay the release of its SP2 update for another week to fix software glitches. But not everyone is quite so eager to install the SP2 update for Windows XP. In fact, many companies have demanded the ability to prevent their ..." -"4","Cassini Space Probe Spots Two New Saturn Moons (Reuters)","Reuters - Two new moons were spotted around\Saturn by the Cassini space probe, raising the total to 33\moons for the ringed planet, NASA said on Monday." -"2","Buckeyes have lots to replace but are brimming with optimism","There are remarkable similarities between the 2004 Ohio State Buckeyes and those that won the national championship just two years ago. " -"4","IBM adds midrange server to eServer lineup","The new IBM Power5 eServer i5 550 also features higher performance and new virtualization capabilities that allow it to run multiple operating systems at once on separate partitions." -"4","iPod Comparison","Newsday #146;s Stephen Williams reports on seeing Sony #146;s NW-HD1 audio player in a store: #147; #145;How #146;s it compare to the iPod? #146; I asked a salesman. #145;Battery life is a lot longer, up to 30 hours, #146; he said. #145;The LCD readout is kind of dim, #146; I said. #146;Battery life is a lot longer, #146; he said. #145;I understand it can #146;t play MP3 files, #146; I said. #145;Battery life is a lot longer, #146; he said. #148; Aug 17" -"3","Mills Grabs \$1B Portfolio; Taubman Likely to Lose Contracts","Mills Corp. agreed to purchase a 50 percent interest in nine malls owned by General Motors Asset Management Corp. for just over \$1 billion, creating a new joint venture between the groups. The deal will extend ..." -"2","Women stumble to silver","ATHENS -- The mistakes were so minor. Carly Patterson #39;s foot scraping the lower of the uneven bars. Courtney Kupets #39; tumbling pass that ended here instead of there. Mohini Bhardwaj #39;s slight stumble on the beam. " -"1","Oil prices bubble to record high","The price of oil has continued its sharp rise overnight, closing at a record high. The main contract in New York, light sweet crude for delivery next month, has closed at a record \$US46.75 a barrel - up 70 cents on yesterday #39;s close. " -"2","Notable quotes Tuesday at the Athens Olympics"," quot;It hurt like hell. I could see (Thorpe) coming up. But when I was breathing, I saw my team going crazy -- and that really kept me going. quot; ..." -"4","AMD Ships Notebook Chips","It wasn #39;t the first to go small, and it won #39;t be the biggest producer, but AMD #39;s (Quote, Chart) 64-bit 90-nanometer (nm) chips are expected to make waves in the semiconductor pool. " -"1","UK charges 8 in terror plot linked to alert in US","LONDON, AUGUST 17: Britain charged eight terror suspects on Tuesday with conspiracy to commit murder and said one had plans that could be used in striking US buildings that were the focus of security scares this month. " -"4","IBM Seeks To Have SCO Claims Dismissed (NewsFactor)","NewsFactor - IBM (NYSE: IBM) has -- again -- sought to have the pending legal claims by The SCO Group dismissed. According to a motion it filed in a U.S. district court, IBM argues that SCO has no evidence to support its claims that it appropriated confidential source code from Unix System V and placed it in Linux." -"3","SUVs: Live And Let Die","NEW YORK - The newly released traffic crash fatality data have something for everyone in the debate about the safety of sport utility vehicles. " -"2","Security scare as intruder dives in","A CANADIAN husband #39;s love for his wife has led to a tightening of security at all Olympic venues in Athens. " -"2","Team USA barely wins, but struggles not all players #39; fault","Now that everybody in and around USA Basketball has breathed a huge sigh of relief, let #39;s not get carried away. " -"2","UPI NewsTrack Sports","-- The United States men #39;s basketball team capped off a big day for the USA by fighting off Greece for a vital win, 77-71. quot;They played with heart, quot; said Coach Larry Brown. quot;That #39;s all you can ask. quot; ..." -"1","Peace delegation leaves Najaf empty-handed as fighting continues","BAGHDAD, Iraq - A national political conference #39;s bid to end the fighting in the Shiite Muslim holy city of Najaf appeared to have failed Tuesday. " -"1","Georgian president calls for international conference on South Ossetia","TBILISI, Georgia Georgian President Mikhail Saakashvili appealed to world leaders Tuesday to convene an international conference on the conflict in breakaway South Ossetia, where daily exchanges of gunfire threaten to spark ..." -"1","Shelling, shooting resumes in breakaway Georgian region (AFP)","AFP - Georgian and South Ossetian forces overnight accused each other of trying to storm the other side's positions in Georgia's breakaway region of South Ossetia, as four Georgian soldiers were reported to be wounded." -"2","Youkilis, McCarty placed on 15-day disabled list","BOSTON -- It was another busy day on the medical front for the Red Sox, as a series of roster moves were announced prior to Tuesday night #39;s game against the Blue Jays. " -"1","Kerry-Kerrey Confusion Trips Up Campaign (AP)","AP - John Kerry, Bob Kerrey. It's easy to get confused." -"2","Former Florida Swimming Coach Dies at 83 (AP)","AP - William H. Harlan, the retired University of Florida swimming coach who led the Gators to eight conference titles, died Tuesday, school officials said. He was 83." -"2","US Men Have Right Touch in Relay Duel Against Australia","THENS, Aug. 17 - So Michael Phelps is not going to match the seven gold medals won by Mark Spitz. And it is too early to tell if he will match Aleksandr Dityatin, the Soviet gymnast who won eight total medals in 1980. But those were not the ..." -"1","Schrder adopts Russian orphan","Three-year-old Victoria, from St Petersburg, has been living at the Schrders #39; family home in Hanover in northern Germany for several weeks. " -"2","Cabrera Leads Red Sox Past Blue Jays 5-4 (AP)","AP - Orlando Cabrera hit a run-scoring double off the Green Monster in the ninth inning on reliever Justin Speier's second pitch of the game, giving the Boston Red Sox a 5-4 win over the Toronto Blue Jays on Tuesday night." -"2","United Arab Emirates trap shooter secures nation #39;s first Olympic gold","Sheik Ahmed bin Hashr Al-Maktoum earned the first-ever Olympic medal for the United Arab Emirates when he took home the gold medal in men #39;s double trap shooting on Tuesday in Athens. " -"1","Sharon orders 1,000 homes in West Bank","Israel announced plans for 1,000 houses in the West Bank yesterday, accelerating the expansion of the settlements. " -"2","So. Cal Player Investigated in Sex Assault (AP)","AP - At least one member of the top-ranked Southern California football team is under investigation for sexual assault, the Los Angeles Police Department said Tuesday." -"1","Bush Promotes His Plan for Missile Defense System","President Bush, in Pennsylvania, said that opponents of a missile defense system were putting the nation's security at risk." -"2","China Sighs in Relief as Yao Scores High","BEIJING (Reuters) - China breathed a measured sigh of relief after the skills of its basketball giant Yao Ming dwarfed New Zealand to sweep his team nearer to their goal of reaching the Athens Olympics semi-finals. " -"1","Israelis OK new homes in West Bank","A leaked Israeli plan to build 1,000 new Jewish settler homes in the West Bank yesterday sent Bush administration officials scrambling for a response in the sensitive period before November #39;s presidential election. " -"1","Britain accuses 8 of terror plot","LONDON - British police charged eight terrorist suspects yesterday with conspiring to commit murder and use radioactive materials, toxic gases, chemicals or explosives to cause quot;fear or injury. quot; ..." -"1","Israel kills 5 in strike at Hamas activist","Islamic group #39;s armed wing, the Izz el-Deen al-Qassam Brigades. Doctors said he suffered leg wounds. " -"2","Zambrano Out Early; So Are Mets","ENVER, Aug. 17 - Victor Zambrano came to the Mets with radical movement on his pitches, fixable flaws in his delivery and a curious sore spot lingering around his right elbow. " -"3","Dollar Stuck, CPI Offers Little Direction"," TOKYO (Reuters) - The dollar moved in tight ranges on Wednesday as most investors shrugged off lower-than-expected U.S. inflation data and stuck to the view the U.S. Federal Reserve would continue raising rates." -"2","St. Louis Cardinals News","Right-hander Matt Morris threw seven solid innings, but the Cardinals needed a bases-loaded walk to second baseman Tony Womack and a grand slam from new right fielder Larry Walker to key a six-run eighth inning for a ..." -"2","Greek sprinters arrive at IOC hearing","ATHENS (Reuters) - Greek sprinters Costas Kenteris and Katerina Thanou have arrived at an Athens hotel for an International Olympic Committee (IOC) hearing into their missed doped tests, a saga that has shamed and angered the Olympic host ..." -"2","Flop in the ninth inning sinks Jays","BOSTON -- The Toronto Blue Jays have had worse hitting games this season against lesser pitchers than Pedro Martinez. " -"1","Fresh Fighting Shatters Short-Lived Ceasefire Deal","Renewed clashes in South Ossetia, which resulted in death of two Georgian soldiers, erupted late on August 17, several hours after the South Ossetian and Georgian officials agreed on ceasefire. As a result Tbilisi has already announced that it will not ..." -"2","Hamm hopes to get on a roll","Paul Hamm takes another shot at history tonight, when he'll try to become the first American to win the Olympic men's all-around in gymnastics." -"1","Karzai Promises Afghans Security for Election (Reuters)","Reuters - Afghanistan's President Hamid Karzai\promised Afghans greater security when they go to vote in the\country's first ever democratic election during an independence\day speech on Wednesday." -"1","Google Lowers Its IPO Price Range","SAN JOSE, Calif. - In a sign that Google Inc.'s initial public offering isn't as popular as expected, the company lowered its estimated price range to between \$85 and \$95 per share, down from the earlier prediction of \$108 and \$135 per share..." -"1","Future Doctors, Crossing Borders","Students at the Mount Sinai School of Medicine learn that diet and culture shape health in East Harlem." -"3","Oil Sets New Record \$47 on Iraq Threat"," LONDON (Reuters) - Oil prices surged to a new high of \$47 a barrel on Wednesday after a new threat by rebel militia against Iraqi oil facilities and as the United States said inflation had stayed in check despite rising energy costs." -"2","Greek sprinters quit to end Games scandal","ATHENS (Reuters) - Greece #39;s two top athletes have pulled out of the Athens Olympics and apologised to the Greek people for a scandal over missed dope tests that has tarnished the Games #39; return to their birthplace. " -"2","Phelps Eyes Fourth Gold"," ATHENS (Reuters) - A weary Michael Phelps targeted his fourth Olympic gold medal in Athens, turning his attention on Wednesday to the 200 meters individual medley and settling for the second-fastest overall time in the heats." -"1","Israel Kills 5 in Attempt to Assassinate Hamas Man"," GAZA (Reuters) - A senior Hamas leader survived an Israeli assassination attempt in the Gaza Strip Wednesday but at least five other Palestinians were killed in the explosion that tore through his home." -"2","Giants win 6th straight, but Schmidt is injured","SAN FRANCISCO -- With the first doubleheader at SBC Park set to go off, today already stood to be a long workday for the Giants. It will come on the heels of an even longer night. " -"3","SEC may put end to quid pro quo (USATODAY.com)","USATODAY.com - The Securities and Exchange Commission is expected to vote Wednesday to prohibit mutual fund companies from funneling stock trades to brokerage firms that agree to promote their funds to investors." -"4","Real targets iPod with download price cut","RealNetworks has kicked off what it claims is the biggest online music sale in history. For a limited time, every song in the firm #39;s RealPlayer Music Store can be downloaded for 49 cents, with most albums available for \$4.99. " -"1","Philippine Rebels Free Troops, Talks in Doubt"," PRESENTACION, Philippines (Reuters) - Philippine communist rebels freed Wednesday two soldiers they had held as ""prisoners of war"" for more than five months, saying they wanted to rebuild confidence in peace talks with the government." -"1","British Terror Suspects Make First Court Appearance"," LONDON (Reuters) - British terror suspects charged in a plot linked to security alerts at financial targets in New York, New Jersey and Washington made their first court appearance Wednesday inside a high security prison." -"3","UPDATE: China Mobile 1H Net Up 7.8 On Subscriber Growth","HONG KONG (Dow Jones)--China Mobile (Hong Kong) Ltd. (CHL), the listed unit of China #39;s biggest cellular phone operator, posted Wednesday a 7.8 rise in first-half net profit on a 23 increase in its subscriber base. " -"3","Monsanto Says Justice Dept Closes Inquiry"," NEW YORK (Reuters) - Monsanto Co. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=MON.N target=/stocks/quickinfo/fullquote"">MON.N</A> on Wednesday said the U.S. Justice Department has closed an inquiry into potential antitrust issues regarding a key ingredient used in its Roundup herbicide." -"3","Cox Communications forms committee to advise on buyout","Cox Communications Inc. #39;s board of directors has formed a special committee of independent directors to consider Cox Enterprises Inc. #39;s proposal to take the company private in a \$8 billion stock buyout. " -"2","Afghan women make brief Olympic debut","Afghan women made a short-lived debut in the Olympic Games on Wednesday as 18-year-old judo wildcard Friba Razayee was defeated after 45 seconds of her first match in the under-70kg middleweight. " -"1","North Korea peace efforts in peril","THE international effort to end the North Korean nuclear crisis appears at risk of unravelling, despite Foreign Minister Alexander Downer #39;s high-profile mission to the secretive Stalinist state. " -"4","10 features for a perfect browser"," There are some great browsers out there. But they all seem to have some slight niggles, different for each, that make it hard for me to kick back and enjoy them. While there are some projects out there to make browsers more useful for some specialised purposes or by bolting on handy extensions, wouldn't it be great if these people could come up with a standardised set of nice features like these? A lot of browsers may support one or two, but I'll bet none have them all. " -"4","Cops Test Handheld Fingerprint Reader","Several Minnesota police departments are field testing a handheld device that scans a suspect's fingerprint and digitally checks it against Minnesota's criminal history and fingerprint database." -"3","Ross Stores Profit Plummets 40 Percent (AP)","AP - Discount retailer Ross Stores Inc. Wednesday said its profit fell about 40 percent in the latest quarter due to problems with a new computer system that limited the company's ability to respond to changes in customer demand." -"4","Small computers can have multiple personalities, too","BOSTON The jury is still out on whether a computer can ever truly be intelligent, but there is no question that it can have multiple personalities. It #39;s just a matter of software. We usually think of the processor chip as the brains of a computer. The ..." -"1","Rebel threat on the roads leaves Katmandu isolated","KATMANDU, Nepal The Nepali capital was largely cut off from the rest of the country on Wednesday after Maoist rebels threatened to attack any vehicles traveling on main roads, in a virtual blockade of Katmandu to press their demands for the release of ..." -"1","Immigrants settled in big cities, but less likely to find work: StatsCan (Canadian Press)","Canadian Press - OTTAWA (CP) - Most of the nearly two million immigrants who arrived in Canada during the 1990s settled in one of the country's 27 census metropolitan areas, but still found it harder to find work than natural-born citizens, Statistics Canada reported Wednesday." -"4","Sun postpones September user show","Sun Microsystems Inc. has decided to postpone its September SunNetwork 2004 San Francisco user conference, and is contemplating merging the event with its JavaOne 2005 developer conference, scheduled for the end of June 2005." -"2","Olympics: Emotional Zijlaard-van Moorsel defends time trial title","ATHENS : Dutch cycling great Leontien Zijlaard-van Moorsel emotionally defended her Olympic time trial gold medal here. " -"4","Oracle launches Business Integlligence 10g","Oracle introduced a new BI platform yesterday, Business Intelligence 10g that rolls up into one solution all of their BI tools. However, more interesting than the nitty-gritty details of what is included is the back story taking place at the same time." -"2","Dutch cyclist defends Olympic gold","AMSTERDAM Cyclist Leontien Zijlaard-Van Moorsel won the first gold medal for the Netherlands at the Athens Olympic Games on Wednesday. " -"3","Kroger's Profit Up; Price Cuts Weigh"," NEW YORK (Reuters) - Kroger Co., the top U.S. grocer, on Tuesday posted a 29 percent rise in quarterly profit due to cost controls, but price cuts to lure shoppers caused earnings to miss Wall Street estimates and shares fell." -"2","Expanding West","Major League Soccer's two expansion teams, Real Salt Lake and Club Deportivo Chivas USA, will join the Western Conference for the 2005 season." -"2","Pacers Activate Foster From Injured List (AP)","AP - The Indiana Pacers activated center Jeff Foster from the injured list Tuesday." -"4","Microsoft finalises three-year government deal","Hot on the heels of its 10-year strategic partnership with the London Borough of Newham, Microsoft is close to signing a new broad three-year public sector agreement with the government. " -"3","Airlines Agree to Cut Flights at Chicago O'Hare"," CHICAGO (Reuters) - U.S. airlines have agreed to limit flights into Chicago's O'Hare International Airport to 88 arrivals per hour between 7 a.m. and 8 p.m. in an effort to cut congestion that has slowed the whole U.S. aviation system, federal officials said on Wednesday." -"1","Russia ready to contribute to settlement of South Ossetia conflict: Putin","MOSCOW, Aug. 18 (Xinhuanet) -- Russian President Vladimir Putin said Wednesday that Russia is ready to contribute to a settlement of conflict between Georgia and its separatist province of South Ossetia. " -"4","NASA confident of debris solution","Six months before NASA plans to return the shuttle to space, officials think they #39;ve essentially solved the problem that doomed Columbia in 2003 -- debris coming off its fuel " -"1","Burundi Police Forcibly Disperse Tutsi Protest","Police in Burundi #39;s capital, Bujumbura, used tear gas to break up a demonstration Wednesday held to protest the massacre of Congolese Tutsi refugees. " -"2","Veterans Committee counts for little","The Hall of Fame released the latest Veterans Committee ballot yesterday. As you might (or might not) remember, there #39;s a (nearly) new committee in town." -"4","Drive maker files counterclaims in patent suit","Cornice blasts Seagate's suit over patents for tiny hard drives used in portable gadgets." -"4","HP moves network scanning software into beta","CHICAGO - Hewlett-Packard(HP) has moved its Active Counter Measures network security software into beta tests with a select group of European and North American customers in hopes of readying the product for a 2005 release, an HP executive said at the HP World conference here in Chicago Wednesday." -"1","Martin announces major overhaul of key staff in Prime Minister's Office (Canadian Press)","Canadian Press - OTTAWA (CP) - Paul Martin announced a major overhaul of his senior staff Wednesday, with several close confidants and one ex-cabinet minister handed major roles in the Prime Minister's Office in a post-election shakeup." -"1","Kerry assails Bush troop withdrawal plan (AFP)","AFP - Democratic White House hopeful Senator John Kerry warned that President George W. Bush's plan to withdraw 70,000 troops from Europe and Asia would hinder the war on terrorism and embolden North Korea." -"1","Iraq cleric 'to end Najaf revolt'","Shia cleric Moqtada Sadr reportedly agrees to end an uprising in the holy Iraqi city of Najaf." -"3","Medtronic Quarterly Earnings Rise"," CHICAGO (Reuters) - Medtronic Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=MDT.N target=/stocks/quickinfo/fullquote"">MDT.N</A> on Wednesday said its quarterly earnings rose amid brisk demand for devices that manage irregular heart beats and products used to treat the spine." -"3","Airlines Agree to Cuts at O'Hare","Federal officials today announced plans to temporarily cut 37 flights operating at Chicago's O'Hare International Airport to help reduce the delay problems that ripple across the country." -"1","Stock Prices Climb Ahead of Google IPO","NEW YORK - Investors shrugged off rising crude futures Wednesday to capture well-priced shares, sending the Nasdaq composite index up 1.6 percent ahead of Google Inc.'s much-anticipated initial public offering of stock. In afternoon trading, the Dow Jones industrial average gained 67.10, or 0.7 percent, to 10,039.93..." -"2","Today in Athens","Leontien Zijlaard-van Moorsel of the Netherlands wipes a tear after winning the gold medal in the women #39;s road cycling individual time trial at the Vouliagmeni Olympic Centre in Athens on Wednesday. " -"3","Medtronic Quarterly Net Up"," CHICAGO (Reuters) - Medtronic Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=MDT.N target=/stocks/quickinfo/fullquote"">MDT.N</A> on Wednesday said its quarterly earnings rose on brisk demand for devices that manage irregular heart beats and products used to treat the spine." -"2","Greek sprinters quit Games","ATHENS (Reuters) - Greece #39;s top two sprinters have quit the Olympic Games after submitting their country to six days of embarrassment in a hide-and-seek contest with anti-doping enforcers. " -"4","Strong Family Equals Strong Education","Single mothers, poverty were big factors in school performance HealthDayNews -- American teenagers who live with poor single mothers are more likely to get into trouble at school and have poor marks and are less likely to think they'll go to college, says a Rice University study. Holly Heard, an assistant professor of sociology, analyzed data from thousands of teens who took part in the National Longitudinal Study of Adolescent Health..." -"4","NetRatings survey shows broadband users now a majority in US","AUGUST 18, 2004 (IDG NEWS SERVICE) - A majority of US home Internet users now have broadband, according to a survey by NetRatings Inc. " -"4","Stunt pilots to save sun dust","IT PROMISES to be a scene worthy of a science fiction spectacular. A space probe carrying primordial material scooped from outer space starts to plunge towards our planet. But before it can strike, a helicopter flown by a Hollywood stunt ..." -"1","U.S. Forces Kill 50 Sadr Militia in Baghdad Suburb"," BAGHDAD (Reuters) - U.S. forces killed more than 50 Shi'ite militiamen on Wednesday in a significant advance into a Baghdad suburb that is a powerbase for radical cleric Moqtada al-Sadr, the military said." -"2","Owners Seek Best Ballpark Deal for Expos (AP)","AP - Trying to get the best possible ballpark deal for the Montreal Expos, major league baseball instructed its lawyers to press ahead with negotiations involving four of the areas bidding for the team." -"2","Crowd Inspires Greek Beach Volleyballers; U.S. Duo Ousted"," ATHENS (Reuters) - A roaring crowd helped inspire Greece's top women's beach volleyball team to trounce China on Wednesday and reach the next round." -"2","Boro Captain Warns of Duo #39;s Threat","Gareth Southgate has warned Barclays Premiership defences to be wary of Middlesbroughs back-to-form strikers Mark Viduka and Jimmy Floyd Hasselbaink." -"4","Intuit Posts Wider Loss After Charge (Reuters)","Reuters - Intuit Inc. (INTU.O), maker of\the No. 1 U.S. tax presentation software TurboTax, on Wednesday\posted a wider quarterly loss after taking a goodwill\impairment charge during its seasonally weaker fourth quarter." -"2","Hamilton Wins Cycling Time Trial Event","THENS, Aug. 18 Tyler Hamilton had bruises splotched all over his back, painful souvenirs of a Tour de France gone terribly wrong. " -"4","Alaska Wildfires Grow to Record 5 Million Acres (Reuters)","Reuters - Wildfires have scorched over\5 million acres in Alaska as of Tuesday, forestry officials\said, a new record that signals possible changes in climate\conditions and the composition of the vast forests." -"2","Britain #39;s Olympic medal total takes sudden turn for the better","Great Britain #39;s performances in the Olympic Games made a dramatic and unexpected improvement yesterday as they won a silver and three bronze medals. They were also guaranteed at least a silver medal in badminton #39;s mixed doubles. " -"1","Putin faults Georgia on #39;90s tactics in 2 regions","TBILISI, Georgia The separatist conflicts in Georgia resulted from the quot;foolish quot; move by Georgia to strip South Ossetia and Abkhazia of their autonomous status during the Soviet collapse, President Vladimir Putin of Russia was quoted as saying on ..." -"2","Avalanche Sign Damphousse to One-Year Deal (AP)","AP - The Colorado Avalanche prepared for the potential loss of several key front-line players, signing former San Jose Sharks captain Vincent Damphousse to a one-year, #36;2 million contract Wednesday." -"2","Government gives partial clearance to Bangla tour","The Government today gave a partial go-ahead for the Indian cricket team #39;s tour of Bangladesh for the first Test match beginning on Thursday but its security delegation will go to Chittagong, the other venue, to make an assessment of the threat perception " -"2","Viduka Brace Helps Boro To Win","After a spell without scoring, Mark Viduka grabbed two goals as Middlesbrough beat Manchester City 3-2. Boro went ahead when Viduka took Stewart Downings pass, brought it sweetly under control and chipped it over onrushing City keeper David James." -"4","Hurricane center #39;s projection on Charley not far off, data show","FORT LAUDERDALE, Fla. - (KRT) - Despite criticism that it should have better anticipated Hurricane Charley #39;s rapid intensification and quick turn, the National Hurricane Center #39;s forecast wasn #39;t that far off, a preliminary post-mortem shows. " -"3","UPDATE 1-J amp;J in talks to buy Guidant - sources","Health care and consumer products maker Johnson amp; Johnson (JNJ.N: Quote, Profile, Research) is in negotiations to acquire medical-device maker Guidant Corp." -"3","AMP shrugs off British debacle","Australian insurer AMP returned to the black in the first half of the year with net profits of A\$378m (150m) after a disastrous foray into Britain pushed it A\$2.16 billion into the red last year. " -"4","Lloyds TSB cashes in on VoIP","Lloyds TSB is gearing up to roll out one of the largest converged networks in Europe, a 500m 70,000 phone VoIP infrastructure linking all the bank #39;s branches and cash points." -"2","British athletics appoint psychologist for 2008 Olympics","British athletics chiefs have appointed sports psychologist David Collins as Performance Director to produce medal winners at the 2008 Beijing Olympics." -"2","Olympic Daily Preview - Thursday, August 19","Athens, Greece (Sports Network) - Wednesday night it was Paul Hamm #39;s turn to shine for the United States, as he won the gold medal in the men #39;s all-around competition. Will Thursday produce a sweep for the US at the Olympics? ..." -"1","Arafat urges reforms to rectify his #39;mistakes #39;","YASSER Arafat, the Palestinian president, made a rare acknowledgement of mistakes under his rule yesterday and urged reforms to end corruption. " -"3","Selling Houston Warts and All, Especially Warts","Descriptions of urban afflictions and images of giant mosquitoes and cockroaches to convey a sense of how Houston is nevertheless beloved by many residents." -"2","Brazil beats Haiti in goodwill soccer game","The boys from Brazil beat Haiti #39;s national soccer team Wednesday in a friendly goodwill game 6-0. The game was the brainchild of Brazilian President Luiz Inacio Lula da Silva, who was on hand in the Haitian capital for the historical match. " -"3","Credit Suisse to merge CSFB unit into parent","Credit Suisse Group announced plans to merge its Credit Suisse First Boston Securities unit with the rest of the company #39;s operations and cut as many as 300 jobs." -"3","Holiday-Shopping Season Remains Sluggish (Reuters)","Reuters - U.S. shoppers have kept a tight grip\on their wallets this holiday season with indices on Tuesday\showing sluggish sales in the second week of the season." -"1","UN to begin second airlift of Vietnamese Montagnards (AFP)","AFP - The second major airlift of Vietnamese Montagnards who fled to Cambodia's remote jungles after April anti-government protests will begin at the weekend." -"2","Tennis: Roddick and Williams ousted","ATHENS Shell-shocked Americans Andy Roddick and Venus Williams joined already-beaten men #39;s top seed Roger Federer in the favourites #39;exodus from the Olympic tennis tournament on Wednesday. " -"3","Insurer lowers hurricane estimate","Hurricane Charley, the worst storm to hit the US in over a decade, will cost insurers just \$7.4bn, one insurance expert estimates." -"1","Nepal Seeks Talks to End Rebel Blockade of Capital"," KATHMANDU (Reuters) - The fear of attack kept most vehicles off roads leading to Nepal's capital for a second day on Thursday as authorities sought talks to end a siege called by Maoist insurgents." -"2","Braves 6, Padres 5","Andruw Jones hit a two-run homer off Trevor Hoffman in the ninth inning and the Atlanta Braves threw out the potential tying run at the plate for the final out Wednesday night, preserving a 6-5 come-from-behind win over the San Diego Padres. " -"2","Scandal won #39;t go away","ATHENS -- It was telling yesterday that the majority of the dozens of journalists who asked questions and attended a news conference into a Greek doping scandal were mostly Canadian. Question after question came from Canadians. We were all there, I think, ..." -"3","Hundreds laid off at Fleet offices","Bank of America Corp. yesterday laid off hundreds of workers at Fleet bank branches across the Northeast as the North Carolina bank began to implement its brand of ..." -"4","NetApp CEO: No Storage Spending Shortfall (TechWeb)","TechWeb - Customers are decoupling storage from server purchases, which explains why EMC and NetApp earnings were up and why Sun and HP were flat or down, Warmenhoven says." -"3","Justices to debate mail-order wine","Being freelance wine critics may sound like a sweet gig, but Ray and Eleanor Heald have soured on it. Because their home state, Michigan, blocks direct shipments from out-of-state " -"2","Stanford's Cubit Hired As W. Mich. Coach (AP)","AP - Stanford offensive coordinator Bill Cubit was hired Tuesday as head coach at Western Michigan." -"3","Oil prices surge to a new high","WASHINGTON -- The price of oil charged to a new high above \$47 a barrel yesterday amid nagging concerns about instability in Iraq, the uncertain fate of Russian petroleum giant Yukos, and the world's limited supply cushion." -"2","A shot in the arm for all","OLYMPIA, Greece -- A brilliant idea, taking the shot put back to the birthplace of the Olympic Games, proving, if nothing else, that everything old really can become new again. " -"1","Bomb found near Berlusconi #39;s villa","Italian Premier Silvio Berlusconi (left) goes for a walk with British Prime Minister Tony Blair and his wife Cherie Blair at Berlusconi #39;s villa, Monday. AP ..." -"3","After Wait, Google Set for Market Debut"," NEW YORK (Reuters) - Shares of Google Inc. will make their Nasdaq stock market debut on Thursday after the year's most anticipated initial public offering priced far below initial estimates, raising \$1.67 billion." -"4","Bill Clinton Helps Launch Search Engine","Former president Bill Clinton on Monday helped launch a new Internet search company backed by the Chinese government which says its technology uses artificial intelligence to produce better results than Google Inc." -"2","Harris #39; three-run double in ninth sinks Gagne","LOS ANGELES - Paul Lo Duca never got to moonwalk to home plate, though he did skip gleefully to the dugout moments after facing former batterymate Eric Gagne for the first time. " -"2","Ali gives Iraq fighting chance","The back of his shirt told the story last night at the Peristeri Olympic Boxing Hall." -"4","Survey: Napster, iTunes beat other download brands (MacCentral)","MacCentral - Market research company Ipsos-Insight on Tuesday announced the results of TEMPO, a quarterly survey of digital music behaviors. According to the report, consumers aged 12 and older in the United States were as likely to be aware of Apple Computer Inc.'s iTunes Music Store and Napster 2.0 when it came to recognizing digital music download brands -- each music service registered 20 percent of what TEMPO refers to as ""top-of-mind"" awareness." -"3","Qantas says record profit not big enough","Australia #39;s flagship carrier Qantas Airways has reported a record annual net profit but warned oil prices threatened its performance, increasing the chance of a hike in ticket price surcharges to offset its fuel bill. " -"3","State, drug chains reach agreement","The state of Maine, Rite Aid Corp., and Community Pharmacy LP have agreed to a consent decree placing conditions on the sale of five Community Pharmacy stores to Rite Aid." -"4","Most US homes have broadband connections","While the total number of home internet users has reached a plateau in the US, those who do use the internet are adopting broadband at a rapid pace, according to Marc Ryan, senior director of analysis at the audience measurement company. " -"4","Bluetooth flying bot creates buzz","The latest tiny flying robot that could help in search and rescue or surveillance has been unveiled in Japan." -"4","Caterpillar snaps up another remanufacturer of engines","PEORIA - Caterpillar Inc. said Wednesday it will acquire a South Carolina remanufacturer of engines and automatic transmissions, increasing its US employment base by 500 people. " -"1","Kidnappers threaten to kill western journalist","The kidnappers of an American-French journalist in Iraq have threatened to execute him within 48 hours unless US forces withdraw from the holy city of Najaf. " -"3","Qantas wants better tax treatment","MARK COLVIN: Qantas might have posted yet another record profit, but the national carrier #39;s boss, Geoff Dixon, claims earnings are being hampered by unfair subsidies for international carriers allowed to fly in and out of Australia. " -"1","SA 'mercenaries' plead not guilty","Sixty-six men accused of plotting a coup in Equatorial Guinea deny breaching Zimbabwe's security laws." -"2","Olympics: Hansen still strong enough to take bronze","Every ounce of his energy was expended, leaving an empty fuel tank. But, even in a depleted state, Brendan Hansen found a way to bolster his ever-growing swimming legacy. " -"3","Oil Hits New High Over \$48 as Iraq Violence Flares"," LONDON (Reuters) - Oil prices struck a fresh record above \$48 a barrel on Thursday, spurred higher by renewed violence in Iraq and fresh evidence that strong demand growth in China and India has not been slowed yet by higher energy costs." -"3","Economic Indicators Declined in July","A closely watched measure of future economic activity fell in July for the second consecutive month, reinforcing evidence that the nation's financial recovery is slackening." -"4","Explorers Find Ancient City in Remote Peru Jungle (Reuters)","Reuters - An ancient walled city complex\inhabited some 1,300 years ago by a culture later conquered by\the Incas has been discovered deep in Peru's Amazon jungle,\explorers said on Tuesday." -"3","Colgate to Cut 4,400 Jobs, Shut Plants"," NEW YORK (Reuters) - Colgate-Palmolive Co. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=CL.N target=/stocks/quickinfo/fullquote"">CL.N</A> will cut about 4,400 jobs, or 12 percent of its work force, and close nearly a third of its factories under a restructuring, the consumer products company said on Tuesday." -"4","Drugstore Offers New Wave of Disposable Cameras"," NEW YORK (Reuters) - Pharmacy chain CVS Corp. on Thursday said it would offer the world's first disposable digital camera with a bright color viewing screen that allows consumers to instantly preview pictures." -"4","Ciena Posts a Loss, Forecasts Flat Sales","<p></p><p> By Deborah Cohen</p><p> CHICAGO (Reuters) - Telecommunications equipment makerCiena Corp. <CIEN.O> on Thursday reported a wider loss for thefiscal third quarter due to slack demand and forecast sales inthe current quarter would be little changed from the thirdquarter.</p>" -"4","U.S. Broadband Penetration Tops 51","By ANICK JESDANUN NEW YORK (AP) -- The number of Americans who get on the Internet via high-speed lines has now equaled the number using dial-up connections. July measurements from Nielsen/NetRatings placed the broadband audience at 51 percent of the U.S..." -"2","American Aaron Peirsol Wins Gold on Appeal"," ATHENS (Reuters) - Aaron Peirsol won his second gold medal at the Athens Olympics Thursday after winning an appeal against his disqualification from the men's 200 meter backstroke." -"1","Abu Ghraib report 'spreads blame'","A report on the Abu Ghraib prisoner abuse scandal will blame at least two dozen more people, say US officials." -"4","Ecuadorean Lawsuit Vs Texaco Boils Down to Science (Reuters)","Reuters - After a decade\of court battles, lawyers on Wednesday took a lawsuit by\Ecuadorean Indians accusing U.S. oil firm ChevronTexaco Corp..\of polluting the Amazon jungle into the field." -"4","Priceline, Ramada to Make Sites More Accessible to Blind","In one of the first enforcement actions of the Americans with Disabilities Act on the Internet, two major travel services have agreed to make sites more accessible to the blind and visually impaired." -"4","Atlantis ""Evidence"" Found in Spain, Ireland","In 360 B.C. the Greek philosopher Plato described an island he called Atlantis. Now contradicting new evidence claims the fabled city-state was based on a real place." -"4","Groups Eager to Meet With Bush, Kerry (AP)","AP - Organizations representing the nation's 3 million scientists, engineers and doctors have invited both presidential candidates to have a word with them #151; online." -"2","Carly Patterson Wins the Women's All-Round"," ATHENS (Reuters) - Carly Patterson upstaged Russian diva Svetlana Khorkina to become the first American in 20 years to seize the women's Olympic gymnastics all-round gold medal on Thursday." -"4","Court: File-swapping software not liable for copyright violations","The makers of two leading file-sharing programs are not legally liable for the songs, movies and other copyright works swapped online by their users, a federal appeals court ruled Thursday in a stinging blow to the entertainment industry. " -"2","Olympics: Olympic weightlifting reels as six more lifters fail drug tests","ATHENS : Weightlifting was reeling from the latest crisis to hit the perennially drug-tainted sport here as six more athletes were kicked out of the Olympics for failing dope tests. " -"2","Colts' Carthon Hopes to Follow Dad in NFL (AP)","AP - Ran Carthon tried to avoid playing football after seeing the pain it inflicted on his father, Maurice. Bloodlines, his friends and reality forced a changed of heart." -"2","LPGA's Nabisco to Change Dates in 2006 (AP)","AP - The Kraft Nabisco Championship will be played one week later than usual starting in 2006, preventing the LPGA Tour's first major from getting lost among other big sporting events." -"1","Georgian Troops Leave South Ossetia","The soldiers withdrew from the heights above the Ossetian of capital of Tskhinvali Thursday, turning the area over to peacekeepers. Georgia says three of its soldiers were killed in earlier fighting, while Ossetian authorities say three civilians died ..." -"3","Ohio Sues Best Buy, Alleging Used Sales (AP)","AP - Ohio authorities sued Best Buy Co. Inc. on Thursday, alleging the electronics retailer engaged in unfair and deceptive business practices." -"4","Cisco Flaw Leaves Router Vulnerable to Attack","Cisco Systems issued a security advisory warning that some networks using its routers may be vulnerable to denial-of-service attacks. Devices running Internetwork Operating System and enabled for the open shortest path first (OSPF) ..." -"2","Sprint is chock full of potential heros","It would be nice to see this week #39;s 100-meter sprint as simply the best footrace of all time. We could witness four sub-10-second sprints for the first time ever. It would be nice to watch with raised eyebrows instead of furrowed ones. It ..." -"4","Scientists Study the Hudson River (AP)","AP - Scientists are plunking a series of high-tech sensors into the Hudson River in an effort to unravel mysteries of the murky waterway." -"4","Study to Examine Effects of Ship Waste (AP)","AP - A team of scientists is traveling a 600-mile stretch of the Inside Passage this month to study the effects of cruise ship waste and other contaminants in Southeast Alaska waters." -"2","Cink Leads NEC Invitational by One Shot (AP)","AP - Free from the burden of trying to make the Ryder Cup team, Stewart Cink looked at ease Thursday on a marathon day at the NEC Invitational that ended with his name atop the leaderboard." -"3","Briefly: China interest in key Yukos unit","China is interested in participating in the bidding for Yuganskneftegaz, the top oil-producing subsidiary of the Russian oil giant Yukos, a Chinese economic official was quoted as saying in a report Thursday by the Russian news agency Interfax. The ..." -"4","Apple recalls 28,000 batteries","APPLE has issued a safety recall for 28,000 batteries for its Powerbook notebooks, saying they posed a potential fire hazard. " -"3","Best Buy a Bad Deal?","Attorney General Jim Petro is suing Best Buy, alleging the electronics retailer has engaged in unfair and deceptive business practices. " -"2","Liu brings China 4th gold in weightlifting at Athens Games","ATHENS, Aug. 19 (Xinhuanet) -- Chinese Hercules Liu Chunhong Thursday lifted three world records on her way to winning the women #39;s 69kg gold medal at the Athens Olympics, the fourth of the power sport competition for China. " -"2","Battling Davenport through","Lindsay Davenport continued her dominant recent run and reached the last eight of the Cincinnati Open with a 4-6 6-4 6-1 win over Lilia Osterloh. " -"4","Genesis Spacecraft Prepares to Return to Earth with a Piece of the Sun","In a dramatic ending that marks a beginning in scientific research, NASA's Genesis spacecraft is set to swing by Earth and jettison a sample return capsule filled with particles of the Sun that may ultimately tell us more about the genesis of our solar system." -"2","Badminton pair want more","Nathan Robertson says there is no reason why he and badminton partner Gail Emms should not win the next Olympics." -"1","Darfur warring parties to meet in Nigeria for peace talks (AFP)","AFP - Sudan's government and its foes in the Darfur region's rebel movements will meet on Monday for peace talks which mark a last chance for African diplomacy to solve the crisis before the United Nations steps in." -"1","Iraq Oil Exports Still Halved After Basra HQ Attack"," BAGHDAD (Reuters) - Iraq continued to export oil at one million barrels per day on Friday after an attack on the South Oil Company headquarters took sabotage operations to a new level, an official at the state-owned entity said." -"3","US unemployment claims slip but picture still murky","NEW YORKFewer Americans lined up to claim first-time jobless benefits last week but analysts said the modest decline said very little about the current state of the labour market. " -"3","Vt. sues over importing drugs","Vermont's Republican governor challenged the Bush administration's prescription drug policy in federal court yesterday, marking the first time a state has chosen a legal avenue in the expanding battle over Canadian imports." -"2","For starters, Giants #39; Manning on mark","Manning had a decent debut as a starter, but Delhomme overshadowed the No. 1 pick in the NFL Draft by throwing for a touchdown and running for another in the Carolina Panthers #39; 27-20 exhibition victory last night over ..." -"2","Clemens deal is waived off","CHICAGO -- The Red Sox were ready to welcome Roger Clemens back to Boston. His uniform number (21) was available. Pedro Martinez , who has expressed the utmost respect for Clemens, almost certainly would have made some room for the Rocket near the locker Clemens long used and Martinez now occupies. Curt Schilling would have been thrilled to pitch with ..." -"4","Life without numbers in a unique Amazon tribe","11=2. Mathematics doesn #39;t get any more basic than this, but even 11 would stump the brightest minds among the Piraha tribe of the Amazon. " -"4","P2P Services in the Clear","In a major setback for the music and movie industries, a federal appeals court upholds a lower court's decision in the infamous Grokster case, ruling peer-to-peer services Morpheus and Grokster are not liable for the copyright infringement of their users. By Katie Dean." -"4","Swap Your PC, or Your President","The producer of ads featuring PC users who switched to Macs is applying the same tactic to political commercials. This time, he'll focus on former backers of President Bush, recruited online, who've changed their political allegiance. By Louise Witt." -"2","Agassi cruises into Washington Open ATP quarter-finals","WASHINGTON, Aug. 19 (Xinhuanet) -- Andre Agassi cruised into quarter-finals in Washington Open tennis with a 6-4, 6-2 victory over Kristian Pless of Denmark here on Thursday night. " -"1","Producer sues for Rings profits","Hollywood producer Saul Zaentz sues the producers of The Lord of the Rings for \$20m in royalties." -"1","30,000 More Sudanese Threaten to Cross to Chad -UN (Reuters)","Reuters - Some 30,000 Sudanese, victims of fresh\attacks by Arab militia inside Darfur, have threatened to cross\into Chad, the U.N. refugee agency warned on Friday." -"4","Google scores first-day bump of 18 (USATODAY.com)","USATODAY.com - Even a big first-day jump in shares of Google (GOOG) couldn't quiet debate over whether the Internet search engine's contentious auction was a hit or a flop." -"2","Carly Patterson Wins Gymnastics All-Around Gold"," ATHENS (Reuters) - Carly Patterson upstaged Russian diva Svetlana Khorkina to become the first American in 20 years to win the women's Olympic gymnastics all-round gold medal on Thursday." -"3","ChevronTexaco hit with \$40.3M ruling","Montana jury orders oil firm to pay up over gas pipeline leak from 1955; company plans to appeal. NEW YORK (Reuters) - A Montana jury ordered ChevronTexaco Corp., the number two US oil company, to pay \$40.3 million for environmental damage from a gasoline ..." -"2","3 US boxers punched out of Games","Athens -- Vanes Martirosyan became the second American to bow out of the Olympic boxing tournament Thursday when he was defeated 20-11 by Lorenzo Aragon of Cuba in their welterweight bout at 152 pounds. " -"3","Before-the Bell; Rouse Co. Shares Jump"," <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=RSE.N target=/stocks/quickinfo/fullquote"">RSE.N</A> jumped before the bell after General Growth Properties Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GGP.N target=/stocks/quickinfo/fullquote"">GGP.N</A>, the No. 2 U.S. shopping mall owner, on Friday said it would buy Rouse for \$7.2 billion." -"3","Services make big gains in Japan","Tertiary index comes in at almost double expectations, drives up yen and helps Nikkei overcome oil. LONDON (Reuters) - The yen hit a four-week high against the dollar Friday as stronger-than-expected Japanese service sector data raised optimism about the ..." -"3","Google shares bounce up 18 in trading debut","In the stock #39;s first day of trading, investors bought, sold and flipped shares at a furious pace, with the price ending just above \$100 - 18 percent higher than where it started. It was, in other words, everything the company #39;s founders, Sergy Brin and ..." -"3","Stocks Lower as Oil Prices Steam Higher","With the much-ballyhooed initial public offering of Google behind them and oil chugging to a new record high, investors took a step back today." -"2","Don #39;t expect Tiger to relinquish his top ranking without a fight","They #39;re calling Ohio a quot;battleground state, quot; one of the two or three places likely to decide November #39;s presidential election. On local TV, the Bush and Kerry ads air so frequently that it #39;s easy to forget it #39;s Bob Costas who actually runs the country. " -"4","Understanding Google AdWords","Understanding Google AdWords\\Unlike many search engines Google, to its credit, clearly denotes search listings that are paid placement. In fact, Google AdWords appear in a separate section down the left side of the screen.\\Google AdWords provide an inexpensive advertising venue for businesses to advertise products or services to a targeted ..." -"4","Service packs, senators and civil liberties","<strong>Letters:</strong> The bulging postbag gives up its secrets" -"2","Saints Revoke Waiver Claim on Derek Ross (AP)","AP - One day after placing a waiver claim on troubled cornerback Derek Ross, the Saints did an about-face and released the former Ohio State standout after he missed a scheduled flight to New Orleans on Wednesday night." -"3","Hooker Furniture Puts Investors First","Closing a factory is never popular, but it's the right thing to do." -"3","Clicking on Profits","The latest data from the US Department of Commerce further bolsters what we have all suspected: E-commerce sales are increasing. Not only might one suspect that consumer confidence has been bolstered since last year, there ..." -"2","French Take Gold, Bronze in Single Kayak","ATHENS, Greece - Winning on whitewater runs in the family for Frenchman Benoit Peschier, though an Olympic gold is something new. Peschier paddled his one-man kayak aggressively but penalty free in both his semifinal and final runs on the manmade Olympic ..." -"4","Dogs in Training to Sniff Out Cancer","Experts have trained unwanted dogs into supersniffers that can detect drugs or bombs. Now they're focusing on a new threat #151;prostate cancer." -"3","Antidepressants to Reflect Suicide Risk"," WASHINGTON (Reuters) - The U.S. Food and Drug Administration plans to update antidepressant labels to reflect studies that suggest a link between the drugs and suicide in youths, but remains cautious about the strength of such ties, according to documents released on Friday." -"3","UAL and Its Creditors Agree to 30-Day Extension","UAL's United Airlines will have a 30-day extention on the period in which it can file an exclusive bankruptcy reorganization plan." -"1","Mood Mixed Among Darfur Rebels Ahead of Talks","CORCHA CAMP, Sudan (Reuters) - A Sudanese rebel commander in a camp in Darfur tells his troops he is hoping for peace. But just a few hours march away, young men say they are convinced Sudan wants to drive them off the land. " -"1","Crude Price Spike May Send Gas Higher (AP)","AP - Amid soaring crude oil prices, gasoline costs have been dropping. But don't expect that to last, economists say." -"3","Amazon Snaps Up China's Largest Web Retailer (NewsFactor)","NewsFactor - Amazon.com (Nasdaq: AMZN) has said it will buy Joyo.com Limited -- a British Virgin Islands company that operates the largest Internet retail Web site in China -- for US #36;75 million." -"2","Swimming: Phelps Wins Gold, Pulls Out of Relay"," ATHENS (Reuters) - Michael Phelps, who has won five gold medals in the Olympic pool, said Friday he was pulling out of Saturday's 4x100 meter medley relay final to give team mate Ian Crocker the chance to swim." -"3","Court Won't Halt Arch Coal's Triton Bid (Reuters)","Reuters - A U.S. appeals court ruled on Friday\that Arch Coal Inc. (ACI.N) may proceed with its bid to buy the\assets of rival Triton Coal Co. LLC, denying an emergency\request by the Federal Trade Commission to block the deal, a\spokesman for the agency said." -"3","Treasury Prices Take a Breather Today"," NEW YORK (Reuters) - U.S. Treasury prices paused for breath on Tuesday after a blistering two-session rally ran out of steam, though analysts still saw room to the upside given the large short-base in the market." -"1","Sadr Militiamen Still in Control of Iraq Shrine"," NAJAF, Iraq (Reuters) - Rebel Shi'ite fighters appeared still to be in control of the Imam Ali mosque in the Iraqi city Najaf early on Saturday, but the whereabouts of their leader, the fiery cleric Moqtada al-Sadr, were unknown." -"2","Liverpool completes signings of Alonso, Garcia","LIVERPOOL, England (AP) -- Spanish pair Xabi Alonso from Real Sociedad and Luis Garcia from Barcelona signed five-year contracts with Liverpool on Friday. " -"4","Report: Consumers tuning in to plasma TVs","First-quarter shipments of plasma televisions in the United States more than doubled from the previous year, according to research firm iSuppli. Prices fell by nearly \$1,000 over the same period. " -"2","Seven seize","ATHENS -- He was behind at the start. He was behind at the turn. He was behind for 99.99 of the 100 meters. His head was behind Ian Crocker's head at the finish. And yet somehow last night, Michael Phelps won again -- for the fourth and final time in an individual race at these Olympics." -"4","One in four servers to run Linux by 2008","In a report, the research firm painted a bright future for the open source operating system, claiming that shipments of servers running Linux -- and revenues from those shipments -- will rise significantly over the next five years." -"1","Republican Convention Light on Stars (AP)","AP - The Republicans will have one sure Hollywood star for their convention #151; California Gov. Arnold Schwarzenegger #151; along with performers to keep the country music fans happy. But they'll be hard-pressed to match the Democratic convention's appeal to young voters led by Ben Affleck." -"1","Italian PM #39;s transplant confirmed","After days of speculation sparked by the white bandanna worn by Mr Berlusconi on holiday in Sardinia, Piero Rosati said the results of the operation would show in a couple of months." -"4","Apple Recalls Flaming 15-inch PowerBook G4 Battery","The affected batteries could overheat, posing a fire hazard. Apple received four reports of these batteries overheating. No injuries have been reported." -"3","Samsung plans to invest Won25,000bn in chips","Samsung Electronics, the world #39;s second largest computer chip manufacturer, yesterday said that it would invest Won25,000bn (\$24bn) in its semiconductor business by 2010 to generate " -"4","Rosetta Mission Sniffing a Comet","The European Rosetta mission will sample a comet as it tries to harpoon and hook onto its surface. A specially designed oven will cook the comet in analogy to sniffing for recognizable elements." -"2","More gold for Britain as Wiggins strikes","Bradley Wiggins has given Britain their second Olympic cycling gold medal in two days, winning the men #39;s 4-km individual pursuit." -"1","Soldiers Kill Palestinian Near Gaza-Israel Fence","Israeli soldiers shot and killed a Palestinian as he approached a security fence between Israel and the Gaza Strip, Israeli military sources said on Saturday." -"1","Militia, Shiite Leaders Bicker Over Shrine","NAJAF, Iraq - Militants loyal to radical Shiite cleric Muqtada al-Sadr kept their hold on a revered shrine, and clashes flared in Najaf on Saturday, raising fears that a resolution to the crisis in the holy city could collapse amid bickering between Shiite leaders. The clashes between U.S..." -"2","Strongwoman hoists 100th gold for Chinese delegation","Tang Gonghong lifted a world record to claim in Athens the 100th Olympic gold for China since its participation in 1984 Olympic Games on Saturday when " -"1","West Mulls Boundries for African Fighting (AP)","AP - As the month-end deadline nears for Sudan to disarm the mostly Arab pro-government militias in Darfur, the United Nations and Western powers are in a dilemma over how far to go to stop the killing in an African country." -"3","Chavez victory confirmed","Caracas, Venezuela - The results of an audit support the official vote count showing that President Hugo Chavez won this month #39;s recall referendum in Venezuela, the head of the Organization of American States said Saturday." -"3","Wall St.'s Nest Egg - the Housing Sector"," NEW YORK (Reuters) - If there were any doubts that we're still living in the era of the stay-at-home economy, the rows of empty seats at the Athens Olympics should help erase them." -"2","Lithuanians deliver NBA stars another Olympic basketball dunking (AFP)","AFP - Lithuania defeated the United States 94-90 in an Olympic men's basketball preliminary round game, only the fourth loss in 115 Olympic starts for the defending champions." -"2","Source: Dolphins, Bears on Verge of Deal (AP)","AP - The Chicago Bears agreed Saturday to trade receiver Marty Booker to the Miami Dolphins for unsigned Adewale Ogunleye #151; if the Bears can reach a contract agreement with the Pro Bowl defensive end, a source close to the negotiations said." -"4","Video Game Makers Go Hollywood. Uh-Oh.","OVIE producers are often criticized for running at the sight of original ideas, preferring instead to milk plays, books, news events, toys and even video games for their screenplays." -"2","Cricket-Lara mulls over future after England whitewash","LONDON (AFP) - Brian Lara said he will take stock before deciding on his future as West Indies captain following his side #39;s 10-wicket defeat to England in the fourth and final Test." -"1","Pakistani troops raid two terrorist hideouts","PAKISTANI troops backed by artillery and aircraft attacked two suspected terrorist hideouts near the rugged Afghan border yesterday, killing and wounding a number of militants, Pakistan army and security officials said." -"2","Fleisher Surges Clear","Bruce Fleisher carded a seven-under-par 65 to take a three-shot lead after the second round of the Greater Hickory Classic in North Carolina." -"2","Glory Comes Amid Empty Seats and Closed Shutters","HERE in Old Europe, people install shutters outside their windows to keep out the heat, the pollution, the daylight, the noise. They also lock the shutters tight when they go away on holiday." -"4","Amazon to Buy Chinese Retailer Joyo.com","Internet retailer Amazon.com Inc. said on Thursday that it will buy Joyo.com Ltd., which runs some of China #39;s biggest retail Web sites, for about \$75 million to gain entry into China #39;s fast-growing market." -"4","Salesforce.com 2Q Profit Up Sharply","Software developer Salesforce.com Inc. posted a sharp rise in second-quarter profit on better-than-expected revenue during its first quarter as a public company, but investors shunned the stock in late trading " -"2","Jerkens makes right call with Society Selection","Trainer Allen Jerkens hemmed and hawed this past week over running Society Selection in Saturday #39;s Grade 1 Alabama at Saratoga." -"1","Unknown Nesterenko Makes World Headlines (Reuters)","Reuters - Belarus' Yuliya Nesterenko won the top\women's athletics gold medal at the Olympics on Saturday,\triumphing over a field stripped of many big names because of\doping woes to win the 100 meters." -"3","Ready to Bet on Alternative Energy? Well, Think Again","When oil prices rise, public interest in alternative energy often does, too. But the logic is evidently escaping Wall Street." -"2","Athletics 5, Devil Rays 0","Barry Zito scattered four hits over eight shutout innings, leading the AL West-leading Oakland Athletics past the Tampa Bay Devil Rays 5-0 on Saturday night." -"1","Fatah hopes Barghouti would take back candidacy","Fatah, the mainstream Palestinian movement, hopes that its former West Bank leader Marwan Barghouti would take back his candidacy for the Jan. 9 presidential election." -"1","Blasts hit Bangladesh party rally","A series of grenade blasts has rocked an opposition party rally in the Bangladesh capital, Dhaka, killing at least 13 people. There were seven or eight explosions at the Awami League headquarters, as leader Sheikh Hasina addressed a crowd." -"2","Belarus #39; Nesterenko fastest in women #39;s 100m first round","Belarus #39; Yuliya Nesterenko became the fastest woman to qualify for the women #39;s 100 meters second round at the Olympic Games here on Friday." -"1","Around the world","The bombing of a UN election office in Afghanistan that injured six policemen drew calls from a UN union Friday for a withdrawal of staffers from the embattled nation." -"1","Greek weightlifter awaits verdict","Greek weightlifter Leonidas Sampanis will find out on Sunday if he is to be stripped of his medal." -"2","Work done, Phelps basks in gold glor","And on the eighth day, Michael Phelps actually got to rest. After swimming some 18 races in Olympic competition, Phelps was a mere spectator last night, watching his teammates cap a terrific week for the US swim team." -"3","China confronts lack of pipelines","China will spend about \$3.4 billion over two to three years laying thousands of miles of oil pipelines to help secure its energy supply in the face of soaring prices and demand." -"2","Lane drives in winning run in ninth","Jason Lane took an unusual post-game batting practice with hitting coach Gary Gaetti after a disappointing performance Friday night." -"2","Games hammered with controversy","The International Gymnastics Federation suspended three judges yesterday for a mistake they made in scoring the men #39;s all-around final, but said results would not be changed and Paul Hamm of the United States would keep his gold medal." -"2","Admirers look to 2008","But as far as swim greats Rowdy Gaines and John Naber are concerned, what Phelps did in Athens exceeded what Spitz did in Munich in 1972." -"1","Arson attack on Jewish centre in Paris (AFP)","AFP - A Jewish social centre in central Paris was destroyed by fire overnight in an anti-Semitic arson attack, city authorities said." -"3","Colgate to cut workforce","CONSUMER goods maker Colgate-Palmolive said today it would cut about 12 per cent of its 37,000-person work force and close a third of its factories worldwide as part of a four-year restructuring." -"1","A Founding Father?","Give the guy some credit. Tung Chee-hwa, Hong Kong #39;s embattled Chief Executive, gets precious little of it from his people these daysand heaps of " -"1","Three People Killed at Afghan Checkpoint"," KABUL (Reuters) - A man and two women were shot dead by Afghan and U.S.-led troops after their vehicle ran through a checkpoint on Saturday, a U.S. military statement said." -"4","PRESS START FOR NOSTALGIA","Like Led Zeppelin #39;s #39; #39;Stairway to Heaven #39; #39; and Lynyrd Skynyrd #39;s #39; #39;Freebird, #39; #39; classic video games like Frogger and Pong can bring back an entire era." -"2","Emmons loses gold medal after aiming at wrong target","American shooter Matt Emmons fired at the wrong target on his final shot Sunday, blowing a commanding lead in the Olympic 50-meter three-position rifle event and allowing Jia Zhanbo of China to take the gold." -"3","Oil prices look set to dominate","The price of oil looks set to grab headlines as analysts forecast that its record-breaking run may well continue." -"1","Putin Visits Chechnya Ahead of Election (AP)","AP - Russian President Vladimir Putin made an unannounced visit to Chechnya on Sunday, laying flowers at the grave of the war-ravaged region's assassinated president a week before elections for a new leader." -"1","U.S. Softball Team Wins, Closes in on Gold","ATHENS, Greece - Right now, the Americans aren't just a Dream Team - they're more like the Perfect Team. Lisa Fernandez pitched a three-hitter Sunday and Crystl Bustos drove in two runs as the Americans rolled to their eighth shutout in eight days, 5-0 over Australia, putting them into the gold medal game..." -"2","More Newcastle United Stories","Legendary Real Madrid defender Goyo Benito believes the arrival of Jonathan Woodgate at the Santiago Bernabeu will help bring an avalanche of titles to Real Madrid." -"1","Munch masterpiece 'The Scream' stolen from Oslo museum (AFP)","AFP - A version of Edvard Munch's masterpiece ""The Scream"" and another famous painting by the great Norwegian artist were stolen from an Oslo museum by armed and hooded robbers, police said." -"1","Men Set for Sizzling Duel in 100 Meters","ATHENS, Greece - The preliminaries in the 100 meters were perhaps just a sample of what's to come Sunday, when a talented group of qualifiers - including Americans Shawn Crawford, Justin Gatlin and defending champion Maurice Greene - will try to turn their competition into the fastest show at the Athens Games. Five men broke 10 seconds in qualifying Saturday, led by Crawford's time of 9.89..." -"2","Ulmer storms to gold","New Zealand #39;s Sarah Ulmer stormed to gold in the women #39;s individual pursuit in a new world record time. Ulmer, fourth in Sydney four years ago, beat Australia #39;s Katie Mactier in a time of three minutes 24." -"2","Goal-happy Ajax and Feyenoord maintain perfect starts","Champions Ajax Amsterdam came from behind to thrash NAC Breda 6-2 on Sunday while Feyenoord hit four past Willem II Tilburg to regain the early lead in the Dutch first division." -"4","Agency reports climate change major problem","Rising sea levels, disappearing glaciers in the Alps and more deadly heat waves are coming for Europeans because of global warming, Europes environmental agency warned Wednesday." -"2","Cycling: Ulmer #39;s scorching times in secret rides","New Zealand #39;s star cyclist, Sarah Ulmer, last week rode under world record time twice in an hour during a secret training session in France." -"2","Arsenal matches record of 42 league games without a loss on Sunday","Arsenal rallied for three second-half goals in 11 minutes on Sunday to beat Middlesbrough 5-3, matching a 25-year-old record of 42 league games without a loss in the top-flight of English soccer." -"3","Will High Oil Prices Lead to Recession? (AP)","AP - High oil prices, which have been a factor in virtually all U.S. recessions over the past three decades, are surging again this year. And the higher crude oil prices climb, the more risk energy costs pose to what, until recently, many expected to be a banner year for the U.S. economy." -"1","Labor: Anti-Peres meetings scheduled for Sunday","Labor members have scheduled two #39;rebel #39; anti-Peres conferences for Sunday, one to be headed by MK Matan Vilnai and the second by MK Binyamin Ben-Eliezer." -"2","U.S. Gymnasts Win 3 Medals; Hamm Angry (AP)","AP - Terin Humphrey and Annia Hatch got silver. Courtney Kupets got bronze. And Paul Hamm got mad. The United States upped its gymnastics medal haul to seven Sunday night, the most since the Americans won 16 at the boycotted Los Angeles Games in 1984. And they might not be finished yet." -"2","Noguchi Wins Marathon","BULLETIN<br>BC-OLY--Women's Marathon RUN,0058<br>BULLETIN<br> ATHENS, Greece (AP) -- Mizuki Noguchi of Japan won the marathon Sunday in 2 hours, 26 minutes, 20 seconds." -"4","More Evidence for Past Water on Mars","Summary - (Aug 22, 2004) NASA #39;s Spirit rover has dug up plenty of evidence on slopes of quot;Columbia Hills quot; that water once covered the area." -"2","Gatlin Sprints from Unknown to Olympic Gold"," ATHENS (Reuters) - American Justin Gatlin roared from virtual unknown to win the blue ribband Olympic men's 100 meters race on Sunday, upstaging more illustrious rivals in a pulsating final." -"3","Indexes in Japan fall short of hype","Japanese stocks have failed to measure up to an assessment made in April by Merrill Lynch #39;s chief global strategist, David Bowers, who said Japan was quot;very much everyone #39;s favorite equity market." -"2","GAME DAY RECAP Sunday, August 22","Aramis Ramirez hit a three-run homer, Moises Alou also homered and the Chicago Cubs beat the Houston Astros 11-6 on Sunday in the testy conclusion of a three-game series between the NL Central rivals." -"2","SI.com","HOUSTON (Ticker) -- Kerry Wood got plenty of run support but didn #39;t stick around long enough to take advantage of it. Wood was ejected in the fifth inning for hitting Jeff Kent as the Cubs posted an 11-6 victory over the Astros." -"2","Exhausted Massu Outlasts Fish for Gold"," ATHENS (Reuters) - An exhausted Nicolas Massu reeled in Mardy Fish in five tortuous sets on Sunday to win Chile their second gold medal at an Olympic Games less than 24 hours after helping them to their first." -"1","Three people killed at Afghan checkpoint","A man and two women were shot dead by Afghan and US-led troops after their vehicle ran through a checkpoint on Saturday, a US military statement said." -"1","Karzai set for visit to Pakistan","Afghan President Hamid Karzai is to visit Pakistan to discuss fighting terror and boosting trade." -"1","Senate Republican Unveils Plan for Intelligence","The plan would give the proposed national director responsibility for intelligence-gathering of the C.I.A. and the Pentagon." -"2","Davenport wins in Cincinnati","American Lindsay Davenport captured her fourth consecutive title, beating second seed Vera Zvonareva 6-3, 6-2 in the final of the \$US170,000 WTA Cincinnati Open on Sunday." -"1","Afghan-Coalition Soldiers Kill 3, Wound 2 at Checkpoint","Coalition forces in Afghanistan say that three people were killed and two others critically wounded when their pickup truck tried to run a checkpoint in the province of Ghazni." -"1","U.S. Plane Attacks Najaf Rebels as Tanks Near Shrine"," NAJAF, Iraq (Reuters) - A U.S. AC-130 gunship attacked Shi'ite militia positions in the holy Iraqi city of Najaf early on Monday after tanks reinforced the siege of a shrine at the center of a nearly three-week insurgency." -"1","Soldiers face Abu Ghraib hearings","Four US soldiers charged with abusing Iraqi prisoners are set to face pre-trial hearings in Germany." -"2","Colin Jackson: Hard lessons learnt in the human laboratory","Yesterday #39;s Olympics treated us to the two extremes of athletics, the endurance race which tests the body to its limits, and the heavyweight showdown, the sprint, which is in the mind." -"2","Cink surfaces as Donald sinks","Stewart Cink, who needed only to play around par to convert a five-stroke lead after 54 holes into a win, did just that in the NEC Invitational at Firestone yesterday." -"4","Wiretapping on the Net: Who pays?","NEW YORK At first glance, it might seem like the simple extension of a standard tool in the fight against the bad guys. But in fact, wiretapping Internet phones to monitor criminals and terrorists is costly " -"2","Red Sox Rally to Beat White Sox 6-5 (AP)","AP - Manny Ramirez and David Ortiz homered on consecutive pitches to start the eighth inning Sunday night and the streaking Boston Red Sox beat the Chicago White Sox 6-5 for their sixth straight win." -"3","Nortel Downsizes Again","Aug. 23, 2004 (TheDeal.com) Problem-plagued Nortel Networks Corp. announced plans Thursday, Aug. 19, to eliminate an additional 3,500 jobs and fire seven more senior executives as the company labors to reinvent " -"4","Prototype copter-cam: Here, there, everywhere","It can only remain aloft for three minutes but weighs less than an empty soft drink can -- and it can take and transmit pictures in flight." -"2","Cink Justifies Sutton #39;s Faith","Three weeks away from the Ryder Cup, American Stewart Cink hopes he has silenced at least some of his critics - if indeed they exist." -"1","Plane crashes into Venezuelan mountain killing 25",": A military plane crashed into a mountain in Central Venezuela, killing 25 people, including five children, the Air Force rescue team said in a statement." -"1","Africa brings Sudanese parties to the table as UN sanctions loom (AFP)","AFP - The African Union will bring Sudan's warring government and rebel armies into talks with regional power-brokers aimed at heading off a mounting humanitarian crisis in the province of Darfur." -"1","Taiwan votes on leaner parliament","A vote is due to be held in Taiwan on plans to halve the number of seats in the island's famously heated legislature." -"3","Nikkei briefly regains 11,000 level","TOKYO - Japan #39;s benchmark Nikkei stock index briefly recovered to the 11,000 level Monday morning on widespread buying prompted by advances in US shares last Friday." -"3","HK walks out of 68-month deflation cycle, official","Hong Kong Financial Secretary Henry Tang said he believed Hong Kong has walked out of the consumer price deflation cycle that lingered for 68 months, according to the consumer price index trend in the past few years." -"3","Oil prices","In terms of dollar value, of all the products in the world, nothing is traded more than oil. Crude oil traded above 47 dollars a barrel for the first time this week." -"3","Chavez rejects CD as opposition","Venezuela #39;s President Hugo Chavez has announced that he will no longer recognize the Democratic Coordination or CD as the opposition coalition." -"2","ROUNDUP: Franchitti overcomes pit mishap for IRL win","FOUNTAIN, Colo. -- Dario Franchitti shook off a potentially dangerous pit mishap to win the IRL #39;s Honda 225 Sunday at Pikes Peak International Raceway." -"3","Productivity Growth Slowest in 2 Years (AP)","AP - The productivity of America's workers grew at a 1.8 percent annual rate in the third quarter, the slowest pace in nearly two years, the government reported Tuesday." -"2","Roundup: Pleasantly Perfect takes Pacific Classic","Favored Pleasantly Perfect took charge down the stretch to win by a length in the 14th running of the \$1 million Pacific Classic yesterday at Del Mar. Pleasantly " -"1","War crimes hearings to begin for 4 at Guantanamo","US NAVAL BASE GUANTANAMO BAY, Cuba -- Four suspected Al Qaeda fighters will be formally charged with war crimes this week as the US military opens the first legal hearings for foreign prisoners captured during the war in Afghanistan and held at a remote US Navy base in Cuba." -"1","Maoists attack Nepal district HQ","More than 1,000 Maoists launched a violent assault on a district headquarters in Nepal #39;s northwestern mountains, officials said Sunday, as angry traders rallied on the streets of Kathmandu to protest a crippling rebel blockade of the capital, now also hit " -"1","Downer dismisses #39;sexed up #39; Iraq warning claims","SYDNEY : Foreign Minister Alexander Downer dismissed newspaper claims the Australian government was repeatedly warned its support for the Iraq war would impede the fight against terrorism." -"2","Hamm should support Yang","Paul Hamm needs a new marketing strategy. Either that, or he needs a clue. One harmless gesture separates him from lionization in America and canonization in South Korea, and " -"2","US women avoid disaster, advance","ATHENS -- Preliminary-round elimination would have been a disaster for the United States women. Desperate for a victory, the Americans avoided embarrassment by finally playing like a gold medal contender -- and like a team." -"3","Australia Airline Announces Fuel Surcharge","Australian budget airline Virgin Blue announced Monday it will increase the fuel surcharge it adds to ticket prices from Aug. 26 because of soaring oil prices." -"3","ARM agrees to buy Artisan Components for \$903 mn","LONDON, August 23 (New Ratings) - ARM Holdings (ARM.ETR) has agreed to buy Artisan Components Inc (ARTI), a US-based provider of integrated circuit designing solutions, for about \$913 million (503." -"1","North Korea Says the Tyrant is Bush, not Kim","North Korea says it sees no reason to join a working-level meeting with the United States to prepare for further six-party talks on the communist state #39;s nuclear weapons development." -"1","Terreblanche challenges SA arrest","White supremacist Eugene Terreblanche is detained after allegedly breaking the terms of his parole." -"2","Radcliffe withdrawal not due to injury","World record holder Paula Radcliffe #39;s tearful withdrawal from the women #39;s Olympic marathon yesterday was not due to injury, the British team says." -"3","Dollar Bounces; Eye on Data, Greenspan"," LONDON (Reuters) - The dollar bounced off recent four-week lows against the euro and yen on Monday in thin August trade with investors focusing on U.S. data and a speech by the Federal Reserve chief later in the week." -"4","Stopping spam at the source","New antispam technology standards are on the way that promise to hit spammers where it hurts the most--their wallets. At issue is the ability to authenticate the original source of e-mail messages, a major " -"4","New Fat-Busting Microwave Oven Unveiled"," TOKYO (Reuters) - Eyeing up that juicy steak but worried about your waistline? Japanese electronics maker Sharp Corp. <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=6753.T qtype=sym infotype=info qcat=news"">6753.T</A> says it has developed a new fat-busting microwave oven that can melt some of your worries away." -"1","Israel OKs More West Bank Settlement Homes","JERUSALEM Aug. 23, 2004 - Israel announced plans Monday to build hundreds of new housing units in the West Bank, following an apparent US policy shift on settlements that the Palestinians warned quot;will destroy the peace process." -"3","Kmart to Sell 18 Stores to Home Depot"," NEW YORK (Reuters) - Retailer Kmart Holdings Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=KMRT.O target=/stocks/quickinfo/fullquote"">KMRT.O</A> on Monday said it finalized a deal to sell 18 of its stores to Home Depot Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HD.N target=/stocks/quickinfo/fullquote"">HD.N</A> for \$271 million." -"3","Rules for Overtime Pay To Take Effect Monday","Employers and workers are confused by eligibility and classification of the new regulations." -"4","Students crazy about iPod follow the music to Apple laptops (USATODAY.com)","USATODAY.com - Apple's trendy iPod digital music player, which has revitalized the company, is giving laptop sales a boost during back-to-school season." -"4","Stunt pilots to snag a falling NASA craft","NASA #39;s three-year effort to bring some genuine star dust back to Earth is set for a dramatic finale Sept. 8 when Hollywood helicopter pilots will attempt a midair retrieval " -"1","Trial of Accused US Vigilantes Resumes","KABUL, Afghanistan Aug. 23, 2004 - A defense lawyer for one of three Americans accused of torturing a dozen Afghan prisoners in a private jail showed a video in court Monday of Afghanistan #39;s former education " -"2","Sports: Graham says he sent the syringe","ATHENS, Greece Track coach Trevor Graham admits he was the person who triggered the BALCO investigation. Graham says he #39;s the one who anonymously sent a syringe of THG to the US Anti-Doping Agency." -"2","Seattle Mariners Minor League Report - August 23rd","TACOMA RAINIERS - The Rainiers just missed a perfect week when they suffered their only setback on Sunday August 22nd, a 13-6 loss to the Portland Beavers." -"3","Southwest Airlines to Cut 88 Flights (Reuters)","Reuters - Southwest Airlines Inc. (LUV.N), the\largest U.S. discount carrier, on Monday said it will eliminate\88 scheduled flights in order to boost revenue by freeing up\planes for more lucrative markets." -"3","Seattle Times business columnist admits plagiarism, resigns","A business columnist has resigned from the Seattle Times after admitting he plagiarized the work of other journalists, said the newspaper." -"4","Does Nick Carr matter?","Strategybusiness concludes that a controversial new book on the strategic value of information technology is flawed--but correct.\" -"3","Students Pay More for Beer Than Books","British students spend about \$1.8 billion on drink every year, nearly three times as much as they cough up for books, a survey released on Monday showed." -"3","Leeds students figure high on working curve","Undergraduates in the city earn more than 90 a week on average, just behind Glasgow, Cambridge and Cardiff. Their hard-earned cash is likely to be spent on looking good and socialising, the " -"4","Windows Upgrade Causing Campus Headaches","Microsoft Corp. #39;s decision to release a major upgrade for its flagship operating system in the same month that hundreds of thousands of students are reporting to college campuses across the " -"4","Intel cuts Pentium 4 prices","The newest P4 chips drop in price by 18 percent to 35 percent; a host of other chips are cheaper now as well." -"3","Northrop Grumman Gets \$408 Million Pact","Defense contractor Northrop Grumman Corp. on Monday said it received a 10-year, \$408 million Army contract to provide simulated battle command training support to Army corps commanders - the latest award in " -"4","Record biz hammers #39;ostrich #39; downloaders","The music industry in the US is making great strides in its campaign against people it says have illegally downloaded music, with courts awarding huge settlements in many cases." -"1","Sign-Up Reopened for House Race in La. (AP)","AP - A state judge ruled Monday that the sign-up period should be reopened for the Nov. 2 election in Louisiana's 5th Congressional District, where incumbent Rep. Rodney Alexander infuriated Democrats by switching to the Republican Party minutes before the qualifying deadline." -"3","Oil price down as Iraq fears ease","The price of oil has fallen as fears about interruptions to supplies being pumped out of Iraq eased slightly." -"1","Israel Accelerates Settlement Drive As Sharon Pushes On With Gaza <b>...</b>","The Israeli government was accelerating its settlement program Monday with plans to build hundreds of new homes in the West Bank, bolstered by a US softening of opposition to new construction projects." -"4","Obesity Solution: Nuke It","Eying that juicy steak but worried about your waistline? Sharp says it has developed a new fat-busting microwave oven that can melt some of your worries away." -"4","E-commerce still booming","Online retail sales continue to show significant growth, according to the latest figures released by the US Department of Commerce." -"4","Lycos offers people and discussion search","Terra Lycos SA introduced two search tools on its Lycos U.S. Internet site on Monday as part of a recently announced strategy to focus on services that allow users to connect with others." -"3","Oil Eases as Iraq Resumes Exports","<p>\</p><p> By Andrew Mitchell</p><p> LONDON (Reuters) - High-flying oil prices eased for a\second session on Monday as Iraq resumed exports from both its\northern and southern outlets after lengthy disruption, despite\fierce fighting in the holy city of Najaf.</p>" -"3","Botswana miners 'face dismissal'","Botswana's giant Debswana diamond mining firm says it will sack workers who carry on with an illegal stoppage." -"1","U.S. Men's Hoops Team Finally Gets a Rout","ATHENS, Greece - The Americans got a taste of what it was like in the good ol' days. They finally played an opponent they were able to beat easily, routing Angola 89-53 Monday in their final preliminary game of the Olympic men's basketball tournament..." -"1","Congo Ex-Rebel Group Pulls Out of Government (Reuters)","Reuters - The former main rebel group during\Congo's civil war pulled out of a power-sharing transitional\government on Monday, dealing a major blow to the country's\already fragile peace process." -"3","Blue Chips Unchanged, Wal-Mart Weighs"," NEW YORK (Reuters) - U.S. blue chips were near the unchanged mark on Monday as a disappointing sales forecast from retailer Wal-Mart Stores Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=WMT.N target=/stocks/quickinfo/fullquote"">WMT.N</A> dampened sentiment, offsetting the benefit of easing oil prices." -"4","Wiretaps may mute Nextel rivals","Fed up with technical excuses, FBI wants carriers to support eavesdropping capabilities for push-to-talk technology now." -"4","Partnership Connects Wi-Fi Users In The Sky","Wi-Fi is going sky-high thanks to a deal forged between enterprise Internet service provider iPass and Connexion by Boeing. Under the deal, iPass #39;s 528,000-plus Wi-Fi enterprise customers will " -"2","Wariner Succeeds Johnson as 400 Meter Champion"," ATHENS (Reuters) - American 400 meters champion Jeremy Wariner succeeded Michael Johnson as the Olympic gold medallist Monday with a personal best of 44.00 seconds." -"3","Observers insist: no proof of fraud in Venezuelan referendum.","Independent observers confirmed that the random auditing of results from the recall referendum (Sunday August 15) against Venezuelan president Hugo Chavez show there are no indications of fraud as claimed by the opposition." -"4","EDS Is Charter Member of Siebel BPO Alliance (NewsFactor)","NewsFactor - Siebel Systems (Nasdaq: SEBL) has named EDS as the charter partner in Siebels' new business process outsourcing (BPO) global strategic-alliance program. The agreement expands the relationship between EDS and Siebel to provide a set of high-value managed products and service offerings targeted at the BPO and customer relationship management (CRM) marketplaces." -"2","Chicago OKs Cubs to Play at Wrigley Field (AP)","AP - The city gave the Chicago Cubs the go-ahead to play ball at Wrigley Field on Monday night after the stadium passed another round of inspections of repair work done on its crumbling upper deck." -"3","Philippine President Says Country Faces Fiscal Crisis","Philippine president Gloria Arroyo warned that her country is in the midst of a fiscal crisis. A report by economists at the University of the Philippines said the country faces economic collapse " -"2","US men #39;s basketball routs Angola","Athens, Greece (Sports Network) - Tim Duncan led a balanced American attack with 15 points and seven rebounds, as the United States men #39;s basketball team completed the preliminary round with a resounding 89-53 victory over winless Angola." -"2","Patterson gets silver on balance beam","Athens, Greece (Sports Network) - American Carly Patterson, the women #39;s all- around champion at the Summer Games, added another medal on Monday night with a silver in the balance beam competition." -"4","New Russian-US Team to Leave for ISS in October","MOSCOW (AFP) -- A new Russian-US team for the International Space Station (ISS) will take off from the Baikonur space station in the former Soviet republic of Kazakhstan in October, Russian space officials said. The three-person team, due to be approved on Thursday, will leave for the ISS on board a Russian Soyuz TMA-5 spacecraft, Russia's Federal Space Agency, Roskosmos said on its website..." -"2","Gatlin sprints from unknown to 100m gold","Reuters Athens Aug 23: American Justin Gatlin roared from virtual unknown to win the blue ribband Olympic mens 100 metres race yesterday, upstaging defending champion Maurice Greene and other more illustrious rivals." -"1","Panama Recalls Ambassador From Cuba (AP)","AP - Panama recalled its ambassador from Cuba on Monday after the Cuban government threatened to break off relations in a dispute over four anti-Fidel Castro exiles imprisoned in Panama." -"4","Obesity Raises Risk for 9 Different Types of Cancer","By LAURAN NEERGAARD WASHINGTON (AP) -- Heart disease and diabetes get all the attention, but expanding waistlines increase the risk for at least nine types of cancer, too. And with the obesity epidemic showing no signs of waning, specialists say they need to better understand how fat cells fuels cancer growth so they might fight back..." -"3","Credit Card Delinquencies at a 4-Year Low"," NEW YORK (Reuters) - Americans paid their credit card bills on time at a record high level in June, sending credit card delinquencies to their lowest level in four years, Moody's Investors Service said on Monday." -"3","Deal has S2io champing at the gigabit","OTTAWA -- A local firm that says it can help shrink backup times at large data centres is growing its business thanks to an alliance with Sun Microsystems Inc." -"4","Microsoft: Use Script to Block Windows XP SP2 Updates","Microsoft has offered up yet another way for businesses to block the automatic update of Windows XP to the big-deal Service Pack 2 (SP2) upgrade." -"2","Marathon meltdown","THE winner smiled and then vomited. The roaring favourite collapsed and couldn #39;t finish. The Australian contemplated surrender, staggered on and didn #39;t regret it." -"1","Panama-Cuba 'pardon' row worsens","Panama recalls its Havana ambassador after Cuba threatened to cut ties if jailed anti-Castro activists are pardoned." -"4","Cisco Buys IP Platform Maker","Network equipment giant Cisco Systems (Quote, Chart) is buying IP platform specialist P-Cube for \$200 million in cash and stock. P-Cube #39;s technology helps telecom carriers, cable operators and ISPs manage " -"1","Arafat Meets With Gaza Critic","A former Palestinian security minister who could be key to keeping order among rival factions in Gaza after an Israeli pullout held a fence-mending meeting Monday with President Yasser Arafat, officials said." -"3","New Overtime Rules Take Effect","New Bush administration rules that scale back overtime eligibility for white-collar workers took effect on Monday over protests that they would slash paychecks at a time of economic uncertainty." -"2","Japanese joy and British tears","IT WAS the night of the longest race and the shortest, a night of distress for Britain #39;s Paula Radcliffe and delight for America #39;s Justin Gatlin." -"4","SAP Gets \$35 Million Post Office Pact","SAP has landed a \$35 million deal to help the US Postal Service overhaul its human resources systems. According to sources close to the deal, the agreement includes a \$21 million consulting component, and " -"2","US beats Germany 2-1 in OT, to face Brazil in women #39;s soccer final","Heather O #39;Reilly, minutes after missing a wide open net, scored in the ninth minute of overtime Monday to give the United States a 2-1 victory over World Cup champion Germany and a place in Thursday #39;s gold-medal game." -"4","Intel drops prices on computer chips","SAN FRANCISCO - Intel Corp. has cut prices on its computer chips by as much as 35 percent, though analysts on Monday said the cuts were probably unrelated to swelling inventories of the world #39;s largest chip maker." -"1","Israel Announces West Bank Housing Plans (AP)","AP - Israel announced plans Monday for 500 new housing units in the West Bank, after an apparent U.S. policy shift that has infuriated the Palestinians. The Palestinians oppose all Jewish settlement in the West Bank and Gaza Strip, lands where they hope to establish an independent state." -"3","Dollar Holds Gains, Fed Comments Help"," TOKYO (Reuters) - The dollar held on to the previous day's gain on Tuesday, supported by a retreat in oil prices and upbeat comments on the U.S. economy from Federal Reserve officials." -"4","SAP Awarded \$35 Million Postal Service Contract","The postal service, which employs more than a third of the civilian employees of the federal government, chose SAP after a multi-year evaluation, it said." -"3","Dark arts of spin evident in phoney war for Abbey","THE phoney war over the fate of Abbey grinds on. Along the way, on all sides, it is producing its predictable crop of knowing winks and destabilising nudges." -"3","Controversial US Overtime Rules Take Effect","New overtime rules have taken effect in the United States that the government says will strengthen workers #39; rights, but opponents say will significantly reduce workers #39; pay." -"4"," #39;Marathon mouse #39; doubles stamina","Scientists in the United States have genetically engineered mice which can run twice as far as normal before becoming exhausted. The researchers say their finding could lead to drugs or gene " -"3","SAS Braathens to cut Gatwick, Geneva flights","blackhawk writes quot;SAS Braathens, the Norwegian unit of Scandinavian airline SAS, will cut Oslo routes to Geneva and London Gatwick in the first step of a plan to eliminate 10 routes." -"3","CAO executives hand over passports","Executives at the collapsed China Aviation Oil Singapore have voluntarily handed over their passports to Singapore #39;s police, a spokesman said Tuesday." -"2","Dickens Departs","Tony Dickens resigns as head coach at Northwestern six months after leading the Wildcats to the Maryland 4A boys basketball title." -"3","Dollar Keeps Gains as Market Awaits Data"," TOKYO (Reuters) - The dollar idled on Tuesday after gaining the previous day, as many investors held off building positions ahead of economic data from the United States." -"3","Audit finds no fraud in Venezuelan recall vote","CARACAS : An audit of last Sunday #39;s recall vote in Venezuela, which favored keeping President Hugo Chavez in office, found no evidence of fraud, as the opposition had charged, electoral officials said." -"2","Chargers, Rivers Agree to Deal","The San Diego Chargers finally reached a contract agreement last night with quarterback Philip Rivers. Rivers, the fourth overall choice in April #39;s draft, agreed to a six-year deal worth about \$40 million, including " -"2","Chiefs #39; offense too much for Rams in 24-7 victory","The NFL #39;s highest-scoring offense is averaging two touchdowns every three possessions during the preseason. If Kansas City #39;s woeful defense can get its act together, too, the Chiefs could be in for big things." -"4","Marathoning mice could have Olympian effects on obesity","A molecular switch known to regulate fat metabolism appears to prevent obesity and turns laboratory mice into marathon runners, a Salk Institute study has found." -"2","Dominant US captures gold with 79th straight win","The US softball team completed its scorched-earth run through the Olympics on Monday with a 5-1 win over Australia, America #39;s third straight gold medal." -"3","Johnson amp; Johnson bids for rival","NEW YORK Johnson amp; Johnson is in advanced negotiations to acquire Guidant, one of the largest US makers of devices to treat heart and circulatory illnesses, according to executives close to the talks." -"3","Yukos warns it oil output is lagging","Beleaguered Russian energy giant Yukos has warned that it will not produce as much oil as expected this year. It blames bailiffs who are draining its bank accounts to pay its potentially ruinous tax bill." -"2","Pressure points","ATHENS -- The booing went on for nearly 10 minutes while Paul Hamm, chalked up and ready, waited beneath the horizontal bar last night. quot;Wow, quot; Hamm told his twin brother Morgan. quot;I've never seen this before. quot;" -"3","Unions protest as overtime rules take effect","WASHINGTON -- Hundreds of workers rallied on the steps of the Labor Department yesterday to protest the implementation of new rules they say will cause as many as 6 million Americans to lose their overtime pay. But the Bush administration officials who crafted the complex regulations insisted more workers will actually qualify for extra pay under the plan, which almost ..." -"1","Serb denies siege terror charges","A Bosnian Serb general accused of organising the siege of Sarajevo pleads not guilty to war crimes charges." -"2","11th-hour highlights too late","NBC's prime-time Olympic coverage is taped and shaped, the television version of a Reader's Digest condensed book. We get all the US highlights, the big news stories, and a well-edited drama building to the 11 p.m. hour. It's a formula that's been proven to hold an audience and pull ratings. The big downside: You have to stay up until midnight ..." -"4","No IE? No Can See","One thing that #39;s always irritated those who don #39;t choose to use Internet Explorer is finding a website that requires IE. Such complaints seem to have grown all the more passionate now security concerns are driving more users to consider IE alternatives." -"4","Iran shuts reformist websites","WEBSITES CLOSE to Iran #39;s leading reformist party have been blocked by religious hardliners in the police bureau of public morals." -"2","Zambrano right at home","No one has been more dominating against National League hitters at home than Cubs starter Carlos Zambrano. And Zambrano looked as if he would be at his finest Monday night at Wrigley Field." -"2","Torre Calls a Meeting, and the Yanks Respond","Joe Torre gathered the Yankees before Monday night #39;s game at Jacobs Field and imparted a simple message: put aside the struggles of the past week." -"1","Kerry Dispute Revives Memory of Delta War (AP)","AP - The controversy over the Vietnam war record of Democratic presidential candidate John Kerry has trained a fresh light on one of that conflict's lesser-known episodes #151; the operations of America's ""Brown Water Navy"" in rivers, canals and mangrove swamps of the Mekong Delta." -"1","Japan to Deport Ex-Chess Champion Bobby Fischer (Reuters)","Reuters - Japan issued a deportation order on\Tuesday against former world chess champion Bobby Fischer, who\is wanted in the United States for defying sanctions on\Yugoslavia, an immigration official said." -"1","N.Korea Hurls Abuse at Bush, Calls Him Human Trash"," SEOUL (Reuters) - North Korea hurled invective at President Bush for a second day on Tuesday, calling him a political idiot and human trash, and said six-party talks on Pyongyang's nuclear ambitions appeared doomed." -"1","Nairobi police disperse Maasai","Police in Kenya disperse Maasai protesters in the capital who are seeking the return of leased colonial land." -"4","Arctic team finds ship remains","A team retracing the route of a group of Victorian Arctic explorers have found parts of their 172-year-old ship." -"3","Toy store profits R back up","TOY retailer Toys R Us has posted a second-quarter profit, over- turning the loss it made over the same period the year before. The New Jersey-based group, which is considering quitting the toys business, turned " -"4","Vonage Calls on Linksys for VoIP","Linksys will provide broadband-to-phone adapters and, eventually, Wi-Fi equipment." -"4","Vonage Calls on Linksys for VoIP (PC World)","PC World - Linksys will provide broadband-to-phone adapters and, eventually, Wi-Fi equipment." -"1","Mich. Elephant Gets Therapy for Arthritis","ROYAL OAK, Mich. - Like any patient, Wanda needs positive reinforcement to wrestle through her physical therapy..." -"4","Intel slashes Itanium prices as Madison looms","Intel has slashed prices across the board as it prepares to get behind new processor lines due this autumn. The Itanium server line has seen cuts of over 30 per cent, while prices for Intel #39;s fastest business " -"1","Straw: No British troops to Darfur","British Foreign Minister Jack Straw said his country does not plan to deploy forces to Darfur in western Sudan but will provide technical assistance." -"1","Iraqi Guardsmen Ring Najaf Shrine","US and Iraqi forces battled militants in Najaf on Tuesday and Iraqi National Guardsmen advanced to within 200 yards of the holy city #39;s Imam Ali Shrine compound, where insurgents loyal to radical cleric Muqtada al-Sadr have been holed up for weeks." -"2","Gregg: I will help to close deal","EVERTON chairman Bill Kenwright #39;s plans for a Russian revolution at Goodison Park may have thawed the cold war with director Paul Gregg." -"1","Straw: Sudan Must Help Displaced People (AP)","AP - British Foreign Secretary Jack Straw, touring a sprawling desert camp housing 40,000 displaced people from the troubled western Darfur region, urged the Sudanese government to do more to make it safe for the frightened refugees to return home." -"3","Japanese Bank Makes Hostile Bid in Takeover Battle","The biggest-ever takeover battle in Japan got even bigger today as Sumitomo Mitsui sought to disrupt a rival's expansion plans with a \$29 billion hostile bid for UFJ." -"4","Martian Weather Blamed for Loss of Beagle 2","Description: An investigation into the loss of Britain #39;s Beagle 2 spacecraft last December suggests the cause may have been unusual Martian weather." -"2","Prodigy Adu Learns His Trade at DC United"," WASHINGTON (Reuters) - Teenager Freddy Adu, America's most talked about soccer player, has hardly set the league alight with his skills in his first season." -"3","Japan #39;s SMFG in \$29B bid for UFJ","Sumitomo Mitsui Financial Group Inc. laid out a \$29 billion bid for UFJ Holdings on Tuesday, challenging a rival offer by Mitsubishi Tokyo Financial Group to form the world #39;s biggest bank." -"1","Sex toys find niche market in church-influenced Philippines (AFP)","AFP - In this predominantly Roman Catholic country where prostitution is illegal and the church still wields considerable influence on the nation's morals, it is a brave person who goes into business selling sex toys." -"3","Director Leaves Hollinger Inc. Board","Hollinger Inc., th #39;e Toronto-based holding company controlled by disgraced media baron Conrad Black, lost an independent director Tuesday when a former general in Canada #39;s armed forces resigned from its board." -"1","US not involved in Afghan vigilante trial-official","An Afghan court was following proper procedures in its trial of three US men accused of torture and kidnapping and the United States would exert no influence on next week #39;s verdict, a US official said on Tuesday." -"1","British Minister Sees 'Show Camp' in Sudan (Reuters)","Reuters - Two rows of well-spaced\mattresses with brightly colored covers are laid out in a straw\hut, and the smiling nurse in surgical gloves gives an\injection to a crying baby held by his mother." -"1","Bin Laden Driver Charged at Guantanamo","GUANTANAMO BAY NAVAL BASE, Cuba - Osama bin Laden's chauffeur was officially charged Tuesday in the first U.S. military tribunal since World War II, appearing at a pretrial hearing where his lawyer challenged the process as unfair..." -"4","Cisco Reaches High And Low","NEW YORK - Cisco Systems is aggressively trying to build its presence in key growth markets, and it #39;s using both new products and new acquisitions to do it." -"1"," #39;Somebody please save my dad #39;","Nick du Toit #39;s wife and stepdaughter are distraught that there is nothing they can do to help him. On Monday his stepdaughter, Marilise Bezuidenhout, was forced to convey the news of his possible death sentence " -"1","Update 1: Passengers Stranded by Canceled Flights","Thousands of disgruntled vacationers were stranded at Heathrow Airport Tuesday after British Airways canceled scores of flights because of staff shortages and technical hitches." -"1","Journalist purportedly kidnapped by militants","A group calling itself quot;The Islamic Army in Iraq quot; said Italy must withdraw its 3,000 troops -- or the safety of a missing Italian journalist can #39;t be guaranteed." -"2","Discus Champion Thrown Out of Games"," ATHENS (Reuters) - Hungarian Olympic discus champion Robert Fazekas will lose his gold medal and be expelled from the Games after breaking doping rules, the International Olympic Committee (IOC) said Tuesday." -"4","Cisco to acquire P-Cube for \$200M","SAN JOSE, Calif.Cisco Systems Inc. said it has agreed to acquire P-Cube for \$200 million in stock and cash to enable service providers to further control and manage such advanced Internet Protocol services " -"4","Cisco and Microsoft Partner for CRM","8/24/2004 -- Cisco Systems yesterday announced a new Customer Relationship Management (CRM) Communications Connector for Microsofts CRM offering." -"4","Apple Tops in Customer Satisfaction","Dell comes in a close second, while Gateway shows improvement, study says." -"3","Sabre, NWA Trade Barbs Over Ticketing Fee","AUGUST 25, 2004 -- The Sabre Travel Network yesterday responded quickly to Northwest Airlines #39; decision to impose a fee on all domestic tickets issued through global distribution systems, firing back with its own policy changes and concluding the " -"3","United #39;s pension dilemma","United Airlines says it likely will end funding for employee pension plans, a move that would be the largest ever default by a US company and could lead to a taxpayer-funded bailout rivaling the savings-and-loan fiasco of the 1980s." -"4","Linksys, Netgear prep soho VoIP kit","WLAN kit makers Linksys and Netgear have rolled out consumer and small-business oriented wireless access points with integrated Voice over IP (VoIP) support." -"4","Tiny telescope detects a giant planet","A tiny telescope has spotted a giant planet circling a faraway star, using a technique that could open a new phase of planetary discovery, scientists say." -"2","Gardner Loses Quest for Repeat Wrestling Gold","US heavyweight Rulon Gardner lost his Olympic title Wednesday after being beaten in the semi-final stage of the 120kg Greco-Roman wrestling event by Georgiy Tsurtsumia of Kazakhstan." -"4","Playboy Posts Unused Google Excerpt to Web Site (Reuters)","Reuters - Playboy magazine on Tuesday\posted to its Web site an unpublished portion from its\interview with Google's founders, which raised regulatory\eyebrows not for what it revealed, but for its timing -- just\before the Internet search engine's much-anticipated initial\public offering." -"2","Williams' Status at USC Still Unresolved (AP)","AP - Standout receiver Mike Williams is all but certain not to play Saturday night when top-ranked Southern California opens its season because of continuing delays in the school's appeal process to the NCAA. After that, who knows? USC has applied to the NCAA for a progress-toward-degree waiver and reinstatement of Williams' eligibility." -"1","Kerry Pledges to Create Higher-Paying Jobs (AP)","AP - John Kerry headed to closely divided Pennsylvania and Wisconsin to tell voters he could produce better, higher-paying jobs from the White House than President Bush has." -"1","GOP Platform Plan Seeks Gay Marriage Ban (AP)","AP - Republican leaders are pushing for a constitutional ban on gay marriage in the GOP platform, opening a new point of contention between social conservatives and outnumbered but vocal factions fighting to give the party's statement of principles a more moderate tone." -"4","EPA: U.S. Waterways Contain Polluted Fish (AP)","AP - One of every three lakes in the United States, and nearly one-quarter of the nation's rivers contain enough pollution that people should limit or avoid eating fish caught there." -"2","Selig Welcomes Government Help In Steroids Scandal","NEW YORK -- Baseball commissioner Bud Selig said Monday he would accept government intervention on steroid testing if the players #39; association refuses to change the current rules, which run for two more years." -"4","Barents Sea Under Threat from Fishing, Oil (Reuters)","Reuters - The Arctic Barents Sea is\under threat from overfishing, oil and gas exploration and\Soviet-era radioactive waste, the U.N. Environment Program said\on Tuesday." -"3","Will This Idea Fly? Charge Some Travelers \$10 for Showing Up","Northwest Airlines said it would begin charging a \$10 fee for issuing a ticket at its airport check-in desks." -"2","A man with a plan","ATHENS -- Four years ago in Sydney, after the US gymnasts had gone medal-free at the Olympics for the first time in 28 years, federation president Bob Colarossi was sitting at a table, explaining that the turnaround already had begun. The women had moved from sixth to fourth in the world in one year, the men from sixth to fifth. ..." -"4","ASCAP Shakes Down Burning Man for Music Royalties","LOS ANGELES, CA -- Officials from ASCAP today indicated they intend to pursue music royalties from the organizers of Burning Man, an artist's gathering and celebration held over the Labor Day holiday near Reno, NV. The unconventional event, held annually since 1986, has never paid fees for any of the music played at the event, says ASCAP. ""We intend to pursue all available avenues to get this issue resolved,"" said Tony Wilcox, ASCAP spokesperson." -"3","Branson: Virgin Billionaire Eyes China Telecom Deal","Can you hear him now: Virgin Group Chairman Richard Branson said in Hong Kong that his company has earmarked \$300 million for a cell phone joint venture in China." -"1","Second Prisoner Abuse Report Expected","WASHINGTON - Inattention to prisoner issues by senior U.S. military leaders in Iraq and at the Pentagon was a key factor in the abuse scandal at Abu Ghraib prison, but there is no evidence they ordered any mistreatment, an independent panel concluded..." -"1","Cleric Returns to Broker Najaf Peace Deal","NAJAF, Iraq - Iraq's most powerful Shiite cleric returned home from Britain on Wednesday to help broker an end to nearly three weeks of fighting in Najaf and is calling on his followers to join him in a march to reclaim the holy city, his spokesmen and witnesses said. Grand Ayatollah Ali Husseini al-Sistani return came as heavy fighting persisted in Najaf's Old City..." -"1","Police Tear Gas, Arrest Protesters in Bangladesh","Baton-wielding riot police fired tear gas and rounded up dozens of demonstrators in Bangladesh on Tuesday during a general strike called to protest a weekend grenade attack that killed 20 people and wounded hundreds at an opposition political rally." -"2","Careening Indians Fall","Slumping Cleveland lost a three-run lead while Derek Jeter homered and stole two ninth-inning bases as New York sent the Indians to their ninth consecutive loss, 5-4, Tuesday." -"4","Internosis Will Relocate To Greenbelt in October"," Internosis Inc., an information technology company in Arlington, plans to move its headquarters to Greenbelt in October. The relocation will bring 170 jobs to Prince George's County." -"4","Microsoft offers SP2 compatibility guide","Security-focused Windows XP update can be tough on applications. Guidelines are meant to help professionals ""test and mitigate.""" -"4","Site security gets a recount at Rock the Vote","Grassroots movement to register younger voters leaves publishing tools accessible to outsiders." -"4","Sony reveals some specs for PSP handheld","The PlayStation Portable is going to have one complex processor running the show for games and multimedia." -"4","Study: Apple, Dell lead PC customer satisfaction index","The PC industry is doing a better job this year of satisfying its U.S. customers, and better technical support and easier-to-use hardware seem to have made a difference, according to the American Customer Satisfaction Index." -"4","UN organizes open-source software day across Asia","The United Nations, through its International Open Source Network (IOSN) will organize the first annual Software Freedom Day on Saturday in an effort to educate Asian users about the benefits of Free and Open Source Software (FOSS) and encourage its wider use in the region." -"4","European Union Extends Review of Microsoft Deal","By PAUL GEITNER BRUSSELS, Belgium (AP) -- Software giant Microsoft Corp. (MSFT) and the media and entertainment powerhouse Time Warner Inc..." -"1","Darfur: 4-Point Draft Agenda Adopted in Abuja","A tentative step was taken yesterday in the quest to finding lasting peace in the crisis torn Dafur region of Sudan when the Abuja peace talks unanimously adopted a four-point draft agenda." -"3","UPDATE 2-TD, Banknorth in talks on possible deal","Toronto Dominion Bank (TD.TO: Quote, Profile, Research) said on Wednesday that it is in talks with US-based Banknorth Group (BNK.N: Quote, Profile, Research) about a possible deal, in line with the Canadian bank #39;s push for " -"4","Jamaican Government to Provide Free Internet Access in Poor <b>...</b>","Jamaica #39;s government on Tuesday announced a US\$5 million (Jamaican \$308 million) plan to provide free Internet access in poor communities across the island." -"2","A new Golden Girl","It took only 49.41 seconds for Tonique Williams-Darling to etch her name in the annals of Bahamian history. Williams-Darling crossed the finish line " -"1","India's Tata makes powerful debut","Shares in Indian software services giant Tata Consultancy close 16 higher on their market debut, raising \$1.2bn for the company." -"1","Sudanese rebels agree to take part in peace talks in Abuja","ABUJA, Aug 25, 2004 (dpa) -- Rebel groups agreed Wednesday to participate in peace talks with the Sudanese government being held in the Nigerian capital of Abuja after coming under pressure to disarm and accept confinement to camps in the country #39;s " -"4","Dragging the Net for Cyber Criminals","In an attempt to stem the growing tide of online scams, identity theft and the proliferation of junk e-mail, the Justice Department and state law enforcement officials have initiated what seems to be the largest dragnet yet against spammers, so-called ""phishers"" and other Internet con artists. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-washingtonpost.com</B></FONT>" -"4","EU to probe Microsoft-Time Warner buy","The decision is a setback for the two companies and their plan to acquire ContentGuard, a digital rights management firm." -"2","Allen Wins Triathlon","Kate Allen of Austria wins the triathlon with a late surge Wednesday, passing more than half of the field in the final leg and edging Loretta Harrop of Australia at the finish line." -"4","Is Google the Next Netscape?","Is Google the Next Netscape?\\To draw a parallel between Netscape #038; Google in their fight against Microsoft, it is necessary to examine the various similarities between the two situations and see if the tactics that worked then will work now. \" -"3","GM pulls Guy Ritchie car ad after protest","Protests from seven safety groups have prompted General Motors to pull a television ad that shows a young boy driving a Corvette sports car so recklessly that it goes airborne, officials of the automaker say." -"4","Tiny telescope #39;s big discovery opens new doors","WASHINGTON - A tiny telescope has spotted a giant planet circling a faraway star, using a technique that could open a new phase of planetary discovery." -"4","News: US cracks down on spam mountain","John Ashcroft, the attorney General of the US, is expected to announce on Thursday dozens of lawsuits against alleged spammers following a low key campaign against the practise across the US.\" -"1","Bryant Prosecutors Say Some Data Tainted","DENVER - Crucial DNA evidence tested by defense experts in the Kobe Bryant sexual assault case might have been contaminated, prosecutors said in a court filing released Wednesday, just two days before jury selection is to begin. Prosecutors said they had found contamination in DNA ""control"" samples intended to ensure testing was accurate..." -"3","Poultry Stocks See Mixed Recovery","Despite a weak third-quarter earnings report that sent its shares plunging 24 percent Tuesday, poultry producer Sanderson Farms Inc." -"2","Brazil Tops Spain for Men's Gold in Beach Volleyball"," ATHENS (Reuters) - Ricardo Santos and Emanuel Rego beat Spain's Javier Bosma and Pablo Herrera 21-16, 21-15 on Wednesday to bag Brazil's first men's Olympic beach volleyball gold medal." -"4","NTT DoCoMo, Motorola tie up on 3G handsets","NTT DoCoMo will release a handset compatible with non-Japanese cellular networks and with its own 3G (third generation) mobile network early next year." -"4","Vonage Awash in Venture Capital","VoIP (define) upstart Vonage has quickly amassed another \$105 million from venture capitalists and is looking to Latin America and Asia to accelerate an already torrid growth rate." -"1","UN says Afghan vote can legitimise postwar scene (AFP)","AFP - Afghanistan has a chance for real political legitimacy when voters go to the polls in the country's first post-Taliban presidential election, the UN's envoy to the nation said." -"2","Bryant Prosecutors Question Defense DNA Evidence"," DENVER (Reuters) - Prosecutors in the rape case against U.S. basketball star Kobe Bryant are questioning the validity of DNA evidence crucial to the defense's case, saying data appeared to have been manipulated and might have to be thrown out." -"4","Best Software overhauls Act ","Best Softwarelaunched this week an overhaul of its Act contact management software, adding to the product line a second version with more scalability and advanced functionality." -"3","MOM 2005 Released to Manufacturing","Microsoft on Wednesday announced the release to manufacturing of Microsoft Operations Manager (MOM) 2005 and MOM 2005 Workgroup Edition, a new edition that the company previously called MOM 2005 Express." -"2","Pittman misses out","Fani Halkia (1980), of Greece, clears a hurdle en route to winning a gold medal ahead of fifth place finisher Jana Pittman, of Australia." -"1","Jones Advances in Long Jump; Johnson Out","ATHENS, Greece - Marion Jones made her Athens debut in virtual anonymity, quietly advancing to the long jump final. Allen Johnson had the attention of everyone in the stadium, for all the wrong reasons..." -"3","Ford to Repair Faulty Heated Seats in Focus Cars","Ford Motor Co. said on Wednesday it will fix malfunctioning heated seats in 33,000 Focus cars, two-thirds of which were sold in Canada." -"4","Gartner: Q2 server shipments rise on Sun, Dell strength","Server shipments and revenue increased in the second quarter, with low-cost servers based on Linux or the Windows operating system growing faster than their Unix counterparts, according to research firm Gartner Inc." -"4","US raids Net song swappers","US agents have raided the homes of five people who allegedly traded hundreds of thousands of songs, movies and other copyrighted material over the Internet, Attorney General John Ashcroft says." -"4","Dell May Soon Unveil More Consumer Goods -Analyst (Reuters)","Reuters - Dell Inc. (DELL.O), the world's\largest PC maker, could announce an expanded selection of its\consumer electronics line in the next several weeks, a retail\industry analyst said on Wednesday." -"3","Coke Loses Quiznos Sandwich Account","Quiznos Sub, the third-largest US sandwich chain, said on Wednesday it signed a deal to serve PepsiCo Inc. (PEP.N: Quote, Profile, Research) drinks in its US outlets, ending a 23-year relationship with Coca-Cola Co." -"1","Israeli army set to unveil stink bomb","JERUSALEM: The Israeli army is set to unveil a new weapon designed to get under the noses of Palestinians - a massive stink bomb. A report in the Maariv daily on Wednesday said that the military, which has " -"3","Northwest sues Sabre over ticket fees","Northwest Airlines Corp. filed suit against Sabre Travel Network in the US District Court for the District of Minnesota alleging that Sabre instituted measures that will make it more difficult for the carrier to sell tickets." -"4","News: FBI seizes computers in first-ever criminal action against P2P network","The Associated Press By Curt Anderson" -"1","Kuwait assures help on hostages","NEW DELHI, Aug. 25. - Kuwait has promised to leave no stone unturned to ensure the safe return of the three Indians who were taken hostage in Iraq." -"4","MmO2 Announces 3G Mobile Data Network Launch","Customers will be able to download film clips, audio and video, interactive multiplayer games, multimedia music tracks, quot;push-to-watch quot; services, as well as access large e-mail attachments." -"1","Republicans Endorse Ban on Gay Marriage","NEW YORK - Republicans endorsed an uncompromising position against gay unions Wednesday in a manifesto that contrasts with Vice President Dick Cheney's supportive comments about gay rights and the moderate face the party will show at next week's national convention. A panel made up largely of conservative delegates approved platform language that calls for a constitutional amendment banning same-sex marriage and opposes legal recognition of any sort for gay civil unions..." -"4","Microsoft expands mainframe pitch","Company is upgrading current support and service program to draw more mainframe customers." -"4","U.S. Justice Department Cracks Down Internet Crime","The FBI seized computers, software and equipment as part of an investigation into illegal sharing of copyrighted movies, music and games over an Internet ""peer-to-peer"" network, Attorney General John Ashcroft announced Wednesday." -"3","UPDATE: NZ Auckland Airport FY Net Surges On Travel Boom","WELLINGTON (Dow Jones)--New Zealand #39;s Auckland International Airport Ltd. (AIA.NZ) Thursday posted double digit annual profit growth, buoyed by a surge in passenger travel, and said it expects to meet market consensus for the 2005 fiscal year earnings." -"1","Mich. Rep. to Head Intelligence Panel (AP)","AP - Republican Rep. Peter Hoekstra of Michigan was picked Wednesday to head the House Intelligence Committee amid a heated election-year debate over how to carry out a major overhaul of the nation's intelligence system." -"3","Belarus Bank Denies Money Laundering Charge","A bank in Belarus has denied US charges that it laundered money for former Iraqi leader Saddam Hussein. Infobank, in a statement, said it has strictly followed international agreements related to the fight against illegal transactions." -"3","Singapore Air plans \$7.35B Boeing order","Singapore Airlines plans to buy up to 31 Boeing long-range 777-300ER planes worth about \$7.35 billion, the carrier said Wednesday." -"4","Global server sales on the rise","Sales of server systems rose 7.7 percent globally in the second quarter to \$11.55 billion as demand for Information Technology remained strong after a three year downturn, market research firm Gartner said in a statement." -"3","Oil Prices Alter Direction","After a month-long rally that repeatedly pushed prices to new highs, the cost of a barrel slumped for the fourth day, leaving the price \$10 higher than year-ago rate." -"2","Warner to Start for Giants This Week (AP)","AP - Kurt Warner will start at quarterback for the New York Giants this week, although his competition with rookie Eli Manning for the regular-season job continues." -"1","Pinochet Immunity Weighed by Chile Court (AP)","AP - Lawyers pressed Chile's Supreme Court on Wednesday to uphold a lower court decision stripping retired Gen. Augusto Pinochet of immunity from prosecution, saying the former dictator should face justice for past human rights abuses." -"1","Lawyer for Bush Quits Over Links to Kerry's Foes","The quick resignation suggests that the Bush campaign, which has repeatedly said it has no ties to the Swift boat veterans group, is eager to put the issue behind it." -"4","Toyota reports a silicon carbide breakthrough","Move over silicon chips, there is a new semiconductor king on the horizon. Silicon carbide #39;s (SiC) potential has been known since the 1950 #39;s, but the properties that make is attractive also make it hard to work with." -"2","MLB, Va. Officials Meet","Chicago White Sox owner Jerry Reinsdorf led a team of negotiators from Major League Baseball in a three-hour meeting Wednesday with the leaders of the Virginia Baseball Stadium Authority." -"2","AL Wrap: Ortiz Fuels Red Sox Fire as Blue Jays Go Down (Reuters)","Reuters - David Ortiz thumped two homers and\drove in four runs to fire the Boston Red Sox to an 11-5 win\over the Toronto Blue Jays in the American League Wednesday." -"2","AL Wrap: Ortiz Fuels Red Sox Fire as Blue Jays Go Down"," TORONTO (Reuters) - David Ortiz thumped two homers and drove in four runs to fire the Boston Red Sox to an 11-5 win over the Toronto Blue Jays in the American League Wednesday." -"1","China warns Singapore officials against future visits to Taiwan (AFP)","AFP - China has warned Singapore officials against visiting Taiwan again after a ""private and unofficial"" trip by the city-state's new leader just weeks before he took office strained ties with Beijing." -"1","Sistani Urges Supporters to Wait at Najaf Gates"," BAGHDAD (Reuters) - Iraq's top Shi'ite cleric Grand Ayatollah Ali al-Sistani urged his supporters converging on Najaf on Thursday not to enter the battered holy city until he arrived, a senior aide said." -"1","Rain threatens triangular final (AFP)","AFP - Organisers were left banking on the Dutch weather to spare Saturday's final of the triangular cricket tournament after deciding against altering the fixture schedule in a bid to beat the rain that has marred this warm-up event for next month's ICC Champions Trophy in England." -"1","Pakistan down India to ensure top six finish (AFP)","AFP - Pakistan defeated arch-rivals India 3-0 here to ensure they stand among the top six in the Olympic men's field hockey competition." -"3","Singapore Air expands fleet with US\$3.7B Boeing order","Singapore Airlines Ltd., Asia #39;s most profitable carrier, is betting new planes will help it lure passengers from Emirates and Cathay Pacific Airways Ltd." -"4","White House Shifts Its Focus on Climate","The administration issued a report indicating that emissions of carbon dioxide and other heat-trapping gases were the only likely explanation for global warming." -"1","Bush Makes Fourth Trip of Year to N.M. (AP)","AP - The ranks of independent voters in New Mexico have grown by nearly 20,000 in the last 10 months, a prize pulling President Bush and rival John Kerry to the state again and again." -"1","Charges reduced for Iraq jail MP","MANNHEIM, Germany -- A US military policewoman accused in the Abu Ghraib prison abuse scandal had the charges against her reduced yesterday as a set of pretrial hearings wrapped up at an American base in Germany." -"3","An insurer sees the light","Snoopy has left the building. Well, almost. MetLife Inc. , the insurance giant that employs Charlie Brown's dog in ads, is close to completing a deal to sell its State Street Research and Management investment arm to BlackRock Inc. for about \$400 million. Everyone involved will be better off for it." -"3","GM pulls Corvette ad with underage driver","DETROIT -- General Motors Corp. has withdrawn a Corvette commercial that shows a young boy driving wildly through city streets after safety advocates complained, the company said yesterday." -"3","A mixed economic bag in July","Factory orders in July for costly manufactured goods recorded the biggest gain in four months. New home sales, meanwhile, slid, according to a pair of reports " -"4","Keck telescope confirms important exoplanet discovery","Hawaii #39;s Keck Observatory has confirmed the existence of a Jupiter-sized planet orbiting a distant star, the first one spotted by a network of astronomers using telescopes no larger than the ones you can buy in stores." -"4","Civil servants in net porn probe","More than 200 staff at the Department of Work and Pensions have been disciplined for downloading porn at work." -"4","World #39;s smallest digital camera with zoom lens","Come September, Japanese electronics giant Casio Computer will launch the world #39;s smallest digital camera with a zoom lens. Casio #39;s palm-sized Exilim camera is much smaller than others as, for the first time, it uses a ceramic lens." -"1","Iraq Mortar Attack Kills 25, Sistani Heads to Najaf"," NAJAF, Iraq (Reuters) - A mortar attack on a packed mosque in the town of Kufa on Thursday killed at least 25 people as Iraq's most influential Shi'ite cleric headed to the nearby holy city of Najaf to try to end a bloody three-week uprising." -"1","Dream Team Leads Spain 44-42 at Halftime","ATHENS, Greece - As expected, the U.S. men's basketball team had its hands full in a quarterfinal game against Spain on Thursday..." -"4","Nokia, Pointsec team on mobile data security","Enterprises seeking higher security for their growing number of mobile devices may be interested in new encryption technology that Nokia Corp. is deploying in its smart phone products." -"3","BlackRock Buys State Street Research"," NEW YORK (Reuters) - BlackRock Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=BLK.N target=/stocks/quickinfo/fullquote"">BLK.N</A>, one of the largest U.S. fixed income managers, on Thursday said it will buy its far smaller competitor State Street Research Management Co., marking the biggest takeover in the asset management business this year." -"2","Six-month deal for Hoddle at Wolves","The 47-year-old former England coach was unveiled at a press conference, bringing to an end Wolves #39; month-long search for a successor to Dave Jones." -"4","Microsoft Expands Windows Update Release","Microsoft Corp. is starting to ramp up distribution of its massive security update for the Windows XP operating system, but analysts say they still expect the company to move at a relatively slow pace to avoid widespread glitches." -"2","British sailors bag bronze","Britain's Chris Draper and Simon Hiscocks win bronze in a tense final 49er race on the Saronic Gulf." -"4","Understanding Search Engine Models","Understanding Search Engine Models\\To understand search engines and search engine marketing, one must first understand the search engine model. There are two fundamentally different types of search engine back ends: site directories and spidering search engines. Site directory databases are built by a person manually inputting data about websites. Most ..." -"4","Electronic Jihad Internet Attack Rumored For Today","Electronic Jihad Internet Attack Rumored For Today\\Is the Electronic Jihad attack happening today or is it just stirred up rumors? Yevgeny Kaspersky has raised concerns of a major attack on the internet today. Kaspersky has been widely quoted as saying that there would be a major online attack against Israeli ..." -"3","Freddie Mac: Investment Portfolio Grew"," NEW YORK (Reuters) - Freddie Mac <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=FRE.N target=/stocks/quickinfo/fullquote"">FRE.N</A> said on Thursday its mortgage investments, or retained portfolio, grew at an annualized rate of 20.8 percent in July, compared with a 19.4 percent increase in June." -"4","Science Magazine: Asia Farmers Sucking Continent Dry (Reuters)","Reuters - Asian farmers drilling millions of\pump-operated wells in an ever-deeper search for water are\threatening to suck the continent's underground reserves dry, a\science magazine warned on Wednesday." -"4","Report: Intel Logs Big Gains In Flash Market","Intel #39;s share of the booming flash market jumped 40.8 percent in the second quarter, according to market-research firm iSuppli Corp." -"2","Morocco #39;s El Guerrouj Olympic champion","Morocco #39;s Hicham El Guerrouj won in Athens Tuesday an Olympic title in the 1500m race after two failed attempts in Sydney and Atlanta." -"2","McClaren happy with striking duo","Middlesbrough boss Steve McClaren believes Mark Viduka and Jimmy Floyd Hasselbaink could forge one of the most dangerous strike partnerships in the Barclays Premiership." -"1","Iraq group to free 3 Indians, 4 others of Kuwait firm - TV (Reuters)","Reuters - Iraqi kidnappers of seven employees of a Kuwaiti company said in a video statement on Thursday they would release the captives once their employer halted operations in Iraq, Al Arabiya television reported." -"3","BlackRock to buy State Street Research from MetLife","NEW YORK, August 26 (New Ratings) - BlackRock Inc (BLK.NYS), a leading US-based fixed-income asset management company, has reportedly agreed to buy State Street Research amp; Management Company, a unit of MetLife Inc, for \$375 million in a cash and stock " -"4","Casio Shows Off Slim, Trim Digicams","New Exilim models include the thinnest version yet, featuring a new ceramic lens." -"4","U.N. Urges Funds to Curb African Locusts (AP)","AP - With swarms of locusts threatening crops in a number of African countries, a U.N. agency appealed for an additional #36;70 million in assistance Thursday to prevent the upsurge from becoming a full-scale plague." -"3","Nepal blockade 'blow to tourism'","Nepal tour operators say tourists cancelled millions of dollars of bookings due to the rebel blockade of Kathmandu." -"2","Manchester United cruise into Champions League","Manchester United eased into the Champions League group phase with a comfortable 3-0 victory over Dinamo Bucharest at Old Trafford on Wednesday." -"4","Intel Gives Centrino Chip Line a Wireless Upgrade (Reuters)","Reuters - Intel Corp. (INTC.O) on Thursday\said it has upgraded the wireless networking capabilities of\its Centrino line of notebook computer chips to allow broader\network access with improved security." -"1","Panama pardons Castro 'plotters'","Four men accused of planning to kill Cuba's Fidel Castro have been pardoned by Panama's president." -"1","Pinochet loses immunity: Your reaction","The Supreme Court in Chile has ruled that the former dictator General Pinochet should have his immunity from prosecution removed. A lawsuit was brought by relatives of alleged victims of the military regime Operation Condor." -"2","Rangers Sign Weekes, Bolster Goaltending (AP)","AP - Goaltender Kevin Weekes signed Thursday with the New York Rangers, who expect the unrestricted free agent to compete for the No. 1 job with Mike Dunham." -"3","Glaxo Settles Paxil 'Suicide Pill' Suit"," NEW YORK (Reuters) - GlaxoSmithKline Plc <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GSK.L target=/stocks/quickinfo/fullquote"">GSK.L</A> has agreed to release all clinical studies of its drugs to settle a lawsuit that accused it of withholding negative information about the antidepressant Paxil, the New York Attorney General's office said on Thursday." -"1","Spears' Fiance to Star in Her New Video","NEW YORK - Britney Spears' former backup dancer and current fiance Kevin Federline can add another title to his resume: co-star. On Wednesday, a Jive Records publicist confirmed Federline is featured in Spears' upcoming ""My Prerogative"" video, set to debut in mid-September..." -"3","Dollar General earnings up 19 percent","CHICAGO (CBS.MW) - Discount retailer Dollar General reported a 19 percent rise in fiscal second-quarter earnings, helped by higher sales and lower charges." -"1","No Evidence Of Abuse At Guantanamo, says Australian Foreign <b>...</b>","Australian Foreign Minister Alexander Downer says a US investigation has rejected allegations that Australian terror suspect David Hicks was abused while in US custody in Afghanistan and Cuba." -"1","British police arrest radical cleric Abu Hamza (AFP)","AFP - Radical Islamic cleric Abu Hamza al-Masri, already detained in London on an extradition request from the United States, was arrested under suspicion of committing or preparing terrorism acts within Britain." -"4","Olympics: High-Flying Holm Aims to Defy Science (Reuters)","Reuters - Sweden's gold medal-winning high\jumper Stefan Holm reckons he can leap even higher but\scientists say he and other athletes were already close to the\limit of what they can achieve." -"1","Japan Won't Have U.S. Beef Anytime Soon (Reuters)","Reuters - Japan's lucrative market for U.S.\beef, ruptured by mad cow disease worries, is likely to remain\closed for the rest of this year, U.S. meat industry officials\said on Thursday." -"3","Nigeria gives Shell \$1.5 billion eco-bill","The Shell oil company has been handed a \$1.5 billion bill for ecological compensation in the Niger delta by the government of Nigeria." -"4","Texas School to Offer Women's Gaming Scholarship (Reuters)","Reuters - As part of a drive to attract more\women into the male-dominated video game industry, a program\for aspiring game developers at Southern Methodist University\will offer a women-only scholarship, organizers said on\Thursday." -"4","Dell adds new switch to lineup","Dell has upgraded its PowerConnect line with the addition of the PowerConnect 5324, a 24-port managed gigabit layer 2 switch." -"4","103 arrests for Internet fraud, related crimes since June: US (AFP)","AFP - US authorities arrested at least 103 suspects and filed 117 criminal complaints since June 1 in a crackdown on various forms of online fraud, Attorney General John Ashcroft said." -"4","Microsoft Reprimanded for Misleading Linux Ad (NewsFactor)","NewsFactor - The United Kingdom's advertising watchdog group, the Advertising Standards Association, has found that complaints lodged against a Microsoft (Nasdaq: MSFT) magazine ad that stated that Linux was more expensive than Windows were valid." -"4","IBM To Amp Integration with Venetica Buy (NewsFactor)","NewsFactor - IBM (NYSE: IBM) has said it will purchase Venetica, a privately held firm that provides content-integration software to unstructured data sources." -"2","Carter finishes fourth in 400 hurdles","James Carter of Baltimore finished fourth in the finals of the 400-meter hurdles today, missing out on a medal. Felix Sanchez, of the Dominican Republic, won the gold medal." -"3","London oil drops to \$40 a barrel","The cost of a barrel of oil in London has dipped below \$40 as energy prices have continued to slide. The price of Brent crude in London fell to a three-week low of \$39." -"4","TiVo loss widens","SAN FRANCISCO (CBS.MW) - TiVo said its second-quarter loss widened from a year earlier on higher customer acquisition costs. Free!" -"2","Athletics: Dominant Phillips takes long jump gold","ATHENS - Dwight Phillips of the United States completed a hat-trick of global long jump titles when he crushed the field with his opening leap in Thursday #39;s final to win Olympic gold." -"2","Jury Selection to Begin in Kobe Bryant Rape Trial"," EAGLE, Colo. (Reuters) - Jury selection begins in the Kobe Bryant rape case on Friday when hundreds of potential jurors fill out a questionnaire to help determine if they can sit in judgment in a trial involving race, sex and celebrity." -"3","Vioxx Faces Challenges from Insurers, Lawyers","Merck amp; Co. faces a dual threat from health insurers and patients #39; lawyers, after a US study suggested its Vioxx arthritis drug carries a greater risk than rival medicines." -"4","U.N. Agency Sees No Rapid Development of El Nino (Reuters)","Reuters - Fears of a new El Nino, a phenomenon\that brings extreme weather patterns, are unfounded despite\unusual ocean temperatures which often herald the devastating\weather anomaly, the World Meteorological Organization said\Thursday." -"1","Visit to a Potemkin village","Gongzhong does not resemble any Tibetan village in Tibet. It is a village more from Epcot Center in Walt Disney World." -"2","Let basketball","As the US men #39;s basketball team limps into the Olympic medal round, the focus has been on the team #39;s lousy outside shooting." -"4","Anglers Have Big Impact on Fish Numbers -- Study","Recreational anglers may be responsible for landing nearly 25 percent of over-fished salt water species caught off US coasts, a study released on Thursday suggests." -"1","Israeli army demolishes 13 Palestinian homes","GAZA CITY: The Israeli army demolished 13 Palestinian houses during an incursion in the southern Gaza Strip town of Rafah on Thursday, Palestinian security sources and witnesses said." -"3","Nigerian Senate approves \$1.5 bln claim on Shell","LAGOS - Nigeria #39;s Senate has passed a resolution asking Shell #39;s Nigerian unit to pay \$1.5 billion in compensation to oilfield communities for pollution, a Senate spokesman said." -"2","Goosen takes lead in the BMW Open","Retief Goosen, a two-time US Open champion, grabbed the first-round lead in the BMW Open in Nord Eichenried, Germany, with a 6-under-par 66, while Colin Montgomerie improved his European Ryder Cup chances by finishing one stroke back on Thursday." -"2","Hewitt cruises to quarterfinals","Former Wimbledon and US Open winner Lleyton Hewitt cruised to a 6-1, 6-4 victory over Michael Llodra on Thursday to advance to the quarterfinals of the TD Waterhouse Cup." -"1","US edge out Brazil for gold","The United States beat Brazil 2-1 in extra time to win the women's Olympic football tournament." -"1","Breast scans 'fail' in some women","Some women with breast cancer are less likely to have their tumours picked up by scans, say experts." -"1","Yemeni Poet Says He Is al-Qaida Member","GUANTANAMO BAY NAVAL BASE, Cuba Aug. 26, 2004 - In a dramatic turn that silenced defense lawyers, a Yemeni poet accused of crafting terrorist propaganda argued on Thursday to represent himself before a US " -"2","Changing of the Guard in US Track and Field","Description: NPR #39;s Steve Inskeep talks with USA Today sports columnist Christine Brennan about the latest news in track and field at the Athens Olympics." -"4","Govt. to Test New Air Passenger Screening Program","The US government unveiled plans on Thursday for a revised computer-based program using personal information to identify airline passengers who may pose a threat to air travel." -"1","Chile Court Strips Pinochet of Immunity (AP)","AP - Chile's Supreme Court stripped Gen. Augusto Pinochet of immunity from prosecution Thursday in a ruling that revived hopes of his foes that he might stand trial on charges of human rights abuses during his rule." -"1","Amelie's final footsteps retraced","Detectives have staged a reconstruction of the final steps of murdered French student Amelie Delagrange." -"1","Bush, Kerry Bow to McCain's Wishes on Ads","NEW YORK - President Bush and Sen. John Kerry bowed to the wishes of popular maverick John McCain on Thursday, as the president embraced the Republican senator's legal fight against big-money special interest groups airing negative ads and the Democratic nominee scrapped a commercial that featured McCain..." -"1","Thatcher case twist as list of alleged coup backers vanishes","THE Thatcher saga took a dramatic twist last night when it emerged a key witness in the police investigation has disappeared, taking with him a list of wealthy individuals who supposedly bankrolled an alleged coup attempt in oil-rich Equatorial Guinea." -"3","PeopleSoft customers reassured","Oracle Corp. President Charles Phillips on Monday said PeopleSoft Inc. customers have become more comfortable with the prospect of a merger between the two software firms even as the proposed transaction awaits a critical ruling from a Delaware court." -"2","Torch passed on winning goal","ATHENS -- America #39;s gold-medal soccer players don #39;t just say goodbye; they say hello. quot;The thing I love, quot; retiring captain Julie Foudy said, quot;is that Tarpley and Wambach scored." -"3","Union leaders held under ESMA on Day 6 of strike","New Delhi, August 26: The sixth day of the truckers strike on Thursday saw 12 more truckers being arrested under the Essential Services Maintenance Act (ESMA)in the Capital." -"3","DreamWorks Officer Quits","DreamWorks SKG, the studio that created the quot;Shrek #39; #39; films, said yesterday that Helene Hahn would step down as chief operating officer." -"1","Vote 2004 - a guide to the primary","Get ready for the primary with the Herald-Tribunes special news section profiling all the federal, state and local candidates in races in Tuesdays election." -"2","Jets, Pennington Talk","The New York Jets and quarterback Chad Pennington are looking to finalize a contract extension by next Wednesday." -"2","AL Wrap: Oakland's Durazo Piles on Misery for Baltimore (Reuters)","Reuters - Erubiel Durazo's three-run homer in\the second inning helped the Oakland Athletics remain top of\the American League (AL) West with a 9-4 win over the reeling\Baltimore Orioles Thursday." -"2","AL Wrap: Oakland's Durazo Piles on Misery for Baltimore"," NEW YORK (Reuters) - Erubiel Durazo's three-run homer in the second inning helped the Oakland Athletics remain top of the American League (AL) West with a 9-4 win over the reeling Baltimore Orioles Thursday." -"2","Sports: Braves 6 Rockies 4","ATLANTA Mike Hampton hit an RBI single and Atlanta stretched its lead in the NL East by winning its fourth in a row 6-to-4 over Colorado." -"1","Islamic group holding lorry drivers demands firm quit Iraq (AFP)","AFP - A group calling itself the Secret Islamic Army (SIA) will release seven hostages it has been holding for more than a month as soon as their Kuwaiti company says it will no longer operate in Iraq, the SIA announced." -"1","Iraq's Sadr Orders Fighters to Lay Down Weapons"," NAJAF, Iraq (Reuters) - Rebel Iraqi cleric Moqtada al-Sadr on Friday ordered his men inside Najaf's Imam Ali mosque to lay down their weapons and join thousands of Shi'ite pilgrims outside the shrine." -"2","Guo tucks away gold for China","China #39;s Guo Jingjing easily won the women #39;s 3-meter springboard last night, and Wu Minxia made it a 1-2 finish for the world #39;s diving superpower, taking the silver." -"1","Taiwan Rescuers Dig Out 7 Bodies Buried in Landslide"," TAIPEI (Reuters) - Taiwan rescue workers dug out seven bodies from mud and rock in a mountain village that was hit by a devastating landslide triggered by Typhoon Aere, but eight still remained buried, officials said on Friday." -"2","Camarillo #39;s Homer Lifts Mexico","SOUTH WILLIAMSPORT, Pa., Aug. 26 -- Alan Camarillo #39;s first homer of the series came at a perfect time for Mexico. Camarillo hit a three-run homer in the 10th inning on Thursday to propel Guadalupe, Mexico, into " -"1","Troops close Gaza roads after rockets fired at Israel","JERUSALEM -- Israeli forces blocked main roads in Gaza yesterday after rockets were fired at an Israeli town, and troops tore down houses in a refugee camp on the Egyptian border, foreshadowing more unrest after Israel #39;s announced planned pullout next year " -"3","Exec, wife give Stanford \$43.5 million","SAN FRANCISCO (CBS.MW) -- Berkshire Hathaway vice-chairman Charles Munger and his wife Nancy Munger on Thursday donated \$43.5 million to Stanford University and its law school." -"2","Athens - a \$12bn bill","THE world sighed with relief when Greeks kept their promise to deliver some of the world #39;s finest sport venues in time for the Athens Olympics." -"4","HP Unveils Cavalcade of Consumer Products (PC World)","PC World - First TVs, new printers, long-lasting inks, and projectors are targeted\ at living room and office." -"1","Bush Faces Heavy Pre-RNC Travel Schedule (AP)","AP - President Bush charges into the final runup to the Republican National Convention with a heavy campaign schedule in key states he needs to carry in November." -"2","Anticipation nation","LINCOLN, Neb. -- Carly Simon got it right a generation ago.AN-TI-CI-PA-TION. She wasn't singing about college football, but out here in the heartland of America, as Husker Nation prepares for a new season, the sense of anticipation is enormous." -"2","A great catch? Lobsters","How does he like lobster? Boiled, steamed, broiled, baked, grilled? Newburg? Bahar Uttam prefers his with a capital L -- Lobsters -- and sees them frolicking on a tennis court rather than laid out on a plate. In Uttam's mind lurks a tasty dish for the town's sporting crowd, one that could satisfy the five-year hunger of tennis junkies, a ..." -"4","Bureaucracy Pins Rocket to Earth","The da Vinci Project, a Toronto group planning to launch a homemade, manned spacecraft in October, is having trouble getting its paperwork off the ground. Canadian regulators are leery of approving the launch. And then there's the matter of finding insurance. By Dan Brekke." -"3","Dominicans' Swift Step Into Crisis","SANTO DOMINGO, Dominican Republic -- When Sandro Batista smashed his banana truck into a tree in April, leaving him with two hideously shattered legs and a broken arm, his orthopedic surgeon sent his sister shopping." -"4","HP Moves Deeper Into Consumer Electronics","Personal computer giant Hewlett-Packard Co. is stepping deeper than ever into the consumer electronics arena with its fall product lineup - so don't be surprised if you hear about ""HP TV"" along with ""HDTV"" when shopping for your next television." -"4","Sprint, SBC Announce Wi-Fi Roaming Pact","Customers of Sprint Corp. and SBC Communications Inc. will be able to use both companies' wireless Internet connections with less hassle under a reciprocal deal announced Friday." -"3","Stock Futures Flat Before GDP, Fed Speech"," NEW YORK (Reuters) - U.S. stock futures were nearly unchanged on Friday as investors awaited key data on the economy that could determine the market's early direction." -"3","Interbrew wins shareholder vote to buy AmBev","LONDON, August 27 (New Ratings) - Belgian brewing giant, Interbrew SA (ITK.ETR), has received the approval of its shareholders for its proposed acquisition of the Brazilian brewer, AmBev." -"3","Update 1: Thai Airways Orders 6 Airbus Superjumbos","Thai Airways has agreed to buy six Airbus A380s, becoming the 13th airline to order the new quot;superjumbo, quot; the European aircraft maker said Friday." -"2","Jacobson Lifts Ryder Cup Hopes with Sparkling 65"," MUNICH (Reuters) - Sweden's Fredrik Jacobson made his bid for a last-gasp Ryder Cup spot with a spectacular seven-under-par 65 in the BMW International Open second round on Friday." -"2","CSKA sponsor rejects criticism","RUSSIAN oil giant Sibneft today rejected any suggestion of a conflict of interest existing between Chelsea and CSKA Moscow who are due to meet in the Champions League." -"4","Astronaut Candidates Practice Survival Skills","By SARA LEITCH BRUNSWICK, Maine (AP) -- Astronauts spend years training before they can lift off into space. They learn to operate shuttles, perform experiments in zero-gravity, and eat bugs if they must..." -"4","RealNetworks Gets in Content Business (AP)","AP - RealNetworks Inc. survived the dot-com collapse and an assault from Microsoft Corp. Now it's trying to remake itself into a provider of paid Internet content." -"2","United States 66, Russia 62","Frustrated by fouls, turnovers and a feisty opponent, the United States desperately looked for help. Then along came Sheryl Swoopes to set things right." -"2","Paula #39;s going for gold","PAULA RADCLIFFE has decided she WILL run in tonight #39;s 10,000m race at the Athens Olympics. Today #39;s dramatic decision comes just days after Britain #39;s star long-distance runner was left weeping at the roadside after pulling up in the Olympic marathon." -"1","US economic growth slips to 2.8","Annual US economic growth fell to 2.8 in the second quarter of 2004, marking a slowdown from the 3 estimated a month ago." -"1","Explosive Remnants Found in Russian Jet Wreckage","One of two Russian airliners that crashed nearly simultaneously was brought down by a terrorist act, officials said Friday, after finding traces of explosives in the plane's wreckage. A Web site connected to Islamic militants claimed the action was connected to Russia's fight against Chechen separatists." -"1","Who cares about Kerry? It's Bush we can't stand, say Vietnamese (AFP)","AFP - The question of whether presidential candidate John Kerry was a coward or a leader during the Vietnam War might be raging in the United States, but on the streets of Hanoi people hope for just one result from the American election -- the exit of George W. Bush." -"4","Spike Lee Wins Cybersquatting Case Against Porn Site","Movie director Spike Lee has won his\cybersquatting case against a Philippines-based operator who\misused the domain name to redirect surfers to a pornographic\Web Site, arbitrators ruled Friday." -"3","Socially Responsible Funds on a Tear","Don't be too impressed -- great returns don't always mean much." -"1","At least 25 bodies at Sadr #39;s religious court","NAJAF, Iraq : At least 25 charred and bloated bodies were discovered in the basement of a religious court set up by rebel cleric Moqtada Sadr in Najaf #39;s Old City, police said." -"1","Nepal rejects UN mediation","Nepalese Prime Minister has rejected the UN offer of mediating in talks with Maoist rebels. But Sher Bahadur Deuba has not ruled out an expanded role for India to resolve the conflict in the Himalayan kingdom." -"2","USOC letter to FIG","I write in response to your letter of August 26, 2004, which you asked the United States Olympic Committee to forward to Olympic gold medalist Paul Hamm of the United States of America." -"1","Japanese Utility Plans IPO in October (AP)","AP - Electric Power Development Co., a former state-run utility, said Friday it is planning an initial public offering on the Tokyo Stock Exchange in October, a deal that could be the country's biggest new stock listing in six years." -"3","Now It's Official: Economy Shrunk"," WASHINGTON (Reuters) - The U.S. economy slowed more sharply in the second quarter than first thought as oil prices rose and the trade gap swelled, the government said on Friday in a report that confirmed momentum faltered in the spring." -"3","Now It #39;s Official: Economy Shrunk","The US economy slowed more sharply in the second quarter than first thought as oil prices rose and the trade gap swelled, the government said on Friday in a report that confirmed momentum faltered in the spring." -"3","Now It's Official: U.S. Growth Slowed"," WASHINGTON (Reuters) - The U.S. economy slowed more sharply in the second quarter than first thought as oil prices rose and the trade gap swelled, the government said on Friday in a report that confirmed momentum faltered in the spring." -"4","Microsoft corrals changes for Longhorn","With SP2 out the door, Microsoft turns sights to Longhorn--which won't look quite as expected." -"4","Nonnative Goats Bunking at Yellowstone (AP)","AP - A new study shows mountain goats are taking hold in Yellowstone National Park, but park officials aren't sure how to handle the presence of the nonnative animals." -"3","Less Turbulence Ahead for Airbus, Boeing","EU Trade Commissioner Peter Mandelson and his US counterpart, Robert Zoellick, aim for a truce in the latest transatlantic row over government aid for aviation rivals Boeing and Airbus." -"3","Bon-Ton's Succession Success","The transition atop the department store company looks like a pleasant non-story." -"2","Friday Focus: Running in the rain","Rain is forecast for Saturday in Spa. Here's what the team will do to cope..." -"3","Procter amp; Gamble: A soap opera success","By Davis Dyer, Frederick Dalzell. By Robert Slater. In the 1830s, William Procter, a storekeeper and candle maker, and James Gamble, a soap maker, happened to marry two sisters in Cincinnati, Olivia and Elizabeth Ann Norris." -"1","Paisley #39;s decision over disarmament awaited","Northern Ireland #39;s politicians have an anxious wait as the Reverend Ian Paisley decides whether to endorse an historic deal with Sinn Fein." -"4","VeriSign #39;s Antitrust Claim Against ICANN Dismissed"," quot;VeriSign #39;s contentions are deficient, quot; Judge Howard Matz wrote in the 16-page decision setting aside the antitrust claims against ICANN." -"2","Rooney going nowhere unless price is right: Moyes","England striker on his way. Or is he? Will it be St James #39; Park or Old Trafford? Or will he remain at Goodison? Although Wayne Rooney today handed in a transfer request, and set in motion his seemingly inevitable " -"2","Triathlon: Double for Kiwis in toughest of events","NEW ZEALAND scored an unprecedented Olympic double in the men #39;s triathlon yesterday when Hamish Carter no cigar for guessing his roots beat his compatriot, reigning world champion Bevan Docherty, by 7.87 seconds, writes Doug Gillon." -"4","Modified US space shuttle ready to fly next spring","NASA said Thursday it had corrected flaws that caused the destruction of the space shuttle Columbia in February 2003 and that a modified shuttle would be ready to resume flights sometime next Spring." -"1","Report: Explosion Kills 2 Near Chechyna (AP)","AP - An explosion rocked a police building in the restive Dagestan region adjacent to Chechnya on Friday, and initial reports indicated two people were killed, the Interfax news agency said." -"4","Flying Cars Reportedly Still Decades Away (AP)","AP - It's a frustrated commuter's escapist fantasy: literally lifting your car out of a clogged highway and soaring through the skies, landing just in time to motor into your driveway." -"3","HP to tempt holiday shoppers with sights and sounds","The computer-hardware giant, best known for products such as PCs and printers, on Friday laid out its plan to become a brand-name in consumer electronics products such as flat-screen TVs, music players and the devices that move content between them." -"3","Thai Airways orders six Airbus superjumbos","Thai Airways International plans to buy six Airbus A380 double-decker aircraft that will be delivered in 2008 and 2009. The airline is also ordering two additional A340 aircraft." -"3","Shareholders Toast Brewers' Merger"," BRUSSELS/SAO PAULO (Reuters) - Shareholders gave their blessing on Friday for Belgium's Interbrew <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=INTB.BR target=/stocks/quickinfo/fullquote"">INTB.BR</A> to buy Brazil's AmBev <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=AMBV4.SA target=/stocks/quickinfo/fullquote"">AMBV4.SA</A><ABV.N> in a \$9.7 billion deal that will create the world's largest brewer." -"1","Argentina Beats U.S. Men's Basketball Team","Argentina defeated the United States team of National Basketball Association stars 89-81 here Friday in the Olympic semi-finals, dethroning the three-time defending champions." -"4","US Space Agency Improves Shuttle Safety, Management","The US space agency, NASA, continues work on improving the safety of the space shuttle, before the fleet of orbiters resumes its visits to the international space station next year." -"2","'Dream Team' Out of Gold Race After Loss to Argentina"," ATHENS (Reuters) - The U.S. men's basketball team was beaten by Argentina Friday, denying it an Olympic gold medal for the first time since 1992 when NBA players started competing." -"1","GOP Urge Bush to Turn Attention From Iraq (AP)","AP - Nervous Republicans are urging President Bush to unveil a robust second-term agenda at his convention next week to shift voters' focus from the unpopular war in Iraq and other issues that are a distraction to his re-election drive. Some contend the party should ditch the GOP-fueled controversy over rival John Kerry's combat record in Vietnam." -"3","A Canadian Invasion","A few weeks ago, in a story on Nortel (NYSE: NT), I asked people to submit a Canadian joke to me. This is as good a place as any to reveal the winner." -"2","American Champion Tim Mack Wins Pole Vault Gold","American champion Tim Mack won the Olympic pole vault title on Friday with a Games record 5.95 meters after an engrossing duel with teammate Toby Stevenson." -"2","Khan urged to stay amateur","British boxing sensation Amir Khan is being urged to shun a big-money move to the professional ranks, whether he wins or loses his shot at Olympic gold on Sunday." -"1","FBI Suspects Israel Has Spy in Pentagon -- CBS News"," WASHINGTON (Reuters) - The FBI believes there is an Israeli spy at the very highest level of the Pentagon, CBS News reported on Friday." -"4","IBM puts grids to work at U.S. Open","IBM will put a collection of its On Demand-related products and technologies to this test next week at the U.S. Open tennis championships, implementing a grid-based infrastructure capable of running multiple workloads including two not associated with the tournament." -"1","Sudan remains defiant as time starts to run out","BRITAIN has warned Sudan that it still has a lot of work to do to satisfy the international community that it is tackling what the United Nations has described as the worlds worst humanitarian crisis." -"1","Lebanon political drama plays out Syrian scipt","The stage is Beirut and the actors are Lebanese; but the audience knows the drama surrounding selection of the countrys president is being produced in Lebanons powerful neighbour Syria." -"4","HP brand to inject new life into ink","The company splashes a new name on the inks to be used in its photo printers." -"2","UPDATE 1-Rookie Johnson shares Buick lead with Funk","Rookie Zach Johnson produced the day #39;s joint best score, a five-under-par 65, to join Fred Funk at the top of the leaderboard after the second round of the \$4." -"3","UK growth at fastest pace in nearly 4 years","Britain #39;s economy accelerated to the fastest annual pace in nearly four years in the second quarter as manufacturing emerged from a slump and consumers ratcheted up spending, the government said Friday." -"4","Next Version of Windows for PC's to Ship in 2006","To meet its timetable, Microsoft has scaled back its technological ambitions for the product, code-named Longhorn." -"3","Siemens Says Cellphone Flaw May Hurt Users and Its Profit","Siemens, the world #39;s fourth-largest maker of mobile phones, said Friday that a software flaw that can create a piercing ring in its newest phone models might hurt earnings in its handset division." -"4","Microsoft promises new OS for 2006","Microsoft says it plans to broadly release the long-awaited update to its flagship Windows operating system, dubbed #39;Longhorn #39;, in 2006." -"1","Yemeni Ambassador to United Nations Dies (AP)","AP - Abdullah Saleh al-Ashtal, who served as Yemen's ambassador to the United Nations for nearly 30 years, died in New York on Thursday after a long illness, Yemen's Foreign Ministry and its U.N. Mission said Friday. He was 66." -"2","Schumacher in uncharted territory","MICHAEL Schumacher doesn #39;t need to win the Belgian Grand Prix on Sunday to nail his unprecedented seventh Formula One drivers title." -"2","Top-ranked Illinois flyin #39; high","When the Illinois men #39;s basketball team moved to No. 1 in The Associated Press and ESPN/USA Today Top 25 polls on Monday afternoon, it was a special moment for the program and the players." -"2","Daly penciled in for Deutsche Bank","John Daly provided a nice surprise for local golf fans yesterday when he committed to play in next week #39;s Deutsche Bank Championship at TPC of Boston in Norton." -"1","Revelations on ""children overboard"" incident put pressure on Australian PM (AFP)","AFP - Australian Prime Minister John Howard was fighting to maintain his credibility after official transcripts backed up critics' claims about what he knew of a controversial 2001 sea rescue of boatpeople." -"2","Short Jump, Bad Handoff End Jones #39; Games","ATHENS, Greece - For Marion Jones, Sydney must seem far more than half a world away. Those Olympics were some dreamland where she ruled track and field with a golden touch and a sweet smile, winning five medals " -"3","DATA VIEW: HK Exports Slow In July, But Momentum Intact","HONG KONG (Dow Jones)--Hong Kong #39;s export expansion slowed a touch in July, as expected, but still continued at double-digit rates thanks to high trade volume with mainland China." -"2","Fired-up Baggaley takes silver","Australia #39;s Nathan Baggaley was over the moon after winning the silver medal in the Olympic kayaking K1 500 event today. Double world champion Baggaley fired from the start and took an early lead but faded " -"1","Profiling Shaukat Aziz: economic reformist-turned-PM","Shaukat Aziz, taking over as Pakistan #39;s 23rd prime minister on Saturday, is a former private banker credited with infusing new life into an almost bankrupt economy." -"2","NCAA Wrong To Close Book On Williams","Top-ranked and defending co-national champion USC opens its season tonight against Virginia Tech. Tampa #39;s Mike Williams, the best football player not in the NFL - now officially the best college football player " -"2","Change on the money","One day after National Hockey League executive vice president and chief legal officer Bill Daly accused the NHL Players Association of engaging quot;in a charade quot; with regards to negotiating a collective bargaining agreement -- and believes the start of the 2004-05 season is in jeopardy because the union wants to keep status quo -- Bruins owner Jeremy Jacobs said there's ..." -"1","Eritreans deported by Libya hijack a plane","KHARTOUM, Sudan -- Armed with knives, Eritrean deportees hijacked a plane that left Libya carrying about 80 fellow Eritreans and forced it to land yesterday in the Sudanese capital before surrendering to security forces, officials said." -"4","Bush administration shifts stance on the cause of warming","NEW YORK In a striking shift in the way the Bush administration has portrayed the science of climate change, a new report to Congress focuses on federal research indicating that emissions of carbon dioxide and other heat-trapping gases are the only likely " -"2","Hamm flap, Dream Team just wrong","ATHENS, Greece -- Look at it this way: At least the US basketball team won #39;t be asked to give back its gold medal. On a day that was Olympic in scope both for its shock value and its intrinsic weirdness, the " -"4","Microsoft #39;s big fix: Security patch now on the market","For the past few years, viruses have attacked Microsoft #39;s operating system, Web browser or e-mail programs seemingly on a weekly basis." -"2","Second seed Dementieva hammered in New Haven","The French Open runner-up, who had progressed to the last four with ease, was completely out of sorts as seventh seed Bovina wrapped up victory in only 56 minutes." -"1","Yemen Jails 5 Over Limburg, US Envoy Murder Plot","A Yemeni court jailed five al Qaeda supporters for 10 years Saturday for the bombing of the French supertanker Limburg and sentenced to death another militant who plotted to kill the US ambassador to the Arab state." -"1","Facing Arrest, Uma Bharti Quits as Madhya Pradesh Chief","BHOPAL (PTI) - Madhya Pradesh Chief Minister Uma Bharti has been forced out of office after four days of political drama as the issue of tainted ministers came back to haunt the Bharatiya Janata Party." -"2","Far from fun and Games for Jones","ATHENS, Greece -- So other than your anemic, fifth-place finish in the long jump and the missed baton pass in the 400-meter relay for a big fat quot;Did Not Finish, #39; #39; how did your day go, Marion Jones?" -"4","Swing and a Miss for Asteroid","An asteroid the size of a large storage shed came within 4,100 miles of Earth this spring, making it the closest near miss ever recorded, US astronomers said this week." -"2","US team stumbles","Marion Jones, the queen of Sydney who finished those 2000 Olympics with a record five track-and-field medals, ended her next Olympics much differently Friday -- out of medals and in tears." -"1","Yemen Sentences 15 Militants on Terror Charges","A court in Yemen has sentenced one man to death and 14 others to prison terms for a series of attacks and terrorist plots in 2002, including the bombing of a French oil tanker." -"1","Shaukat Aziz gets vote of confidence","ISLAMABAD: Newly-elected known as finance wizard Prime Minister Shaukat Aziz has secured vote of confidence form the national assembly." -"2","Australia win Olympic hockey gold","ATHENS, Aug 27: Australia won the Olympic men #39;s hockey tournament for the first time in history on Friday, beating the Netherlands 2-1 with a golden goal." -"3","GOP Jamboree Could Briefly Lift Stocks"," NEW YORK (Reuters) - Fasten your seatbelts. The Republicans are coming to town. If things go smoothly at the Republican National Convention, the stock market could get a brief boost next week, experts say." -"4","Bea Arthur for President","Bea Arthur sparked a security scare at Logan Airport in Boston this week when she tried to board a Cape Air flight with a pocketknife in her handbag. The ""Golden Girls"" star, now 81, was flagged by a Transportation Security Administration agent, who discovered the knife - a strict no-no following 9/11. ""She started yelling that it wasn't hers and said 'The terrorists put it there,' "" a fellow passenger said. ""She kept yelling about the 'terrorists, the terrorists, the terrorists.' "" After the blade was confiscated, Arthur took a keyring from her bag and told the agent it belonged to the ""terrorists,"" before throwing it at them. - via philly.com" -"1","At Least 24 Killed Morocco Bush Crash (AP)","AP - A bus, truck and taxi collided in a mountainous region of western Morocco Saturday, killing 24 people and injuring about 20 others, the official MAP news agency reported." -"4","The Digital Transition","If my car died tomorrow, I'd have a lot less angst picking its successor than I would if my TV conked out. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-Rob Pegoraro</B></FONT>" -"1","Sudanese rebels squabble with government over ceasefire violations (AFP)","AFP - Sudanese rebels walked away from African Union peace talks to hold a 24-hour boycott in protest at alleged government attacks on civilians in the war-torn western province of Darfur." -"2","Olympics-U.S. Women Show Men How to Win Gold"," ATHENS (Reuters) - The U.S. women's basketball team showed their men how to win gold Saturday as around 70,000 spectators flocked to the Olympic stadium for a hectic athletics program on the penultimate night of the Athens Games." -"4","Hard Drive: SP Your XP, RSN","Don #39;t have Windows XP? Listen up anyway, because there #39;s a lesson to learn, not to mention sly put downs you can use to annoy your Windows-XP-using-friends so they #39;ll finally break down and admit " -"1","In Western Iraq, Fundamentalists Hold U.S. Forces at Bay","Falluja and Ramadi, and much of Anbar Province, are now controlled by militias, with U.S. troops confined to outside bases." -"3","The Hunt for a Hybrid","The Aug. 23 front-page article on the Toyota Prius vs. the Honda Civic implied that the main reason people prefer the Prius was its quot;geek-chic look quot; and the image buyers want." -"1","Al-Sadr #39;s militia keeps fighting in Baghdad","US forces and radical Shiite cleric Muqtada al-Sadr #39;s militia battled Saturday in Baghdad even as the truce that ended the bloody fighting between US-Iraqi troops and the militia forces in Najaf held for a second day." -"2","Britain Edges U.S. for 400M Relay Gold (AP)","AP - Stymied by a sloppy handoff in the middle of the race, the United States lost to Great Britain by a hundredth of a second Saturday night in the 400-meter relay #151; a race the American men usually dominate." -"1","US suspends helicopter flights after Japan crash (AFP)","AFP - The United States suspended flights of CH-53D military helicopters in Japan, bowing to protests over a crash in an Okinawa university campus." -"2","Bovina wins Pilot Pen tournament","Elena Bovina of Russia outlasted Nathalie Dechy of France 6-2, 2-6, 7-5 and won the Pilot Pen tennis tournament Saturday. Bovina, seeded seventh, won her third WTA title." -"2","Hewitt reaches final on Long Island","Commack, NY (Sports Network) - Second-seeded Lleyton Hewitt reached Sunday #39;s final at the \$380,000 TD Waterhouse Cup -- a final US Open tune-up." -"1","Hurricane Watch Issued for Gaston Off S.C.","COLUMBIA, S.C. - A hurricane watch was issued for the South Carolina coast Saturday as forecasters predicted Tropical Storm Gaston would make landfall near Charleston on Sunday night..." -"1","Kerry Says He's in a 'Fighting Mood' (AP)","AP - Democratic Sen. John Kerry said Saturday he's in ""fighting mood"" with two months to go to the presidential as his allies defended him from questions about his valor in Vietnam." -"3"," #39;We walk a fine line, #39; says the boss whose airline tripped up","After one of the most embarrassing weeks in British Airways #39; history, the recriminations begin tomorrow. Rod Eddington, the airline #39;s gregarious Australian chief executive, says he will mount a full investigation " -"4","GlobeTrotter: Mandrake-based 40GB Linux Mobile Desktop","joestar writes quot;Mandrakesoft amp; LaCie have just launched quot;GlobeTrotter quot;, a ultra-compact 40 GB bootable USB hard-drive pre-loaded with Mandrakelinux 10." -"3","Health Highlights: Aug. 28, 2004","A new drug that fights a form of age-related macular degeneration (AMD), a leading cause of blindness in the elderly, won applause if not approval from a panel of advisors to the US Food and Drug Administration." -"2","Hewitt advances to Long Island final","Lleyton Hewitt is one match away from winning his second consecutive ATP title, with the Australian reaching the final of the TD Waterhouse Cup at Long Island." -"1","Soldiers face death after refusing to bomb Darfur","Fifteen armed men in blue uniforms guard the metal stairs leading to the Sudanese court. Among the people massed at the bottom, only those who look official and scream loud " -"2","Bovina ends two-year wait","Seventh-seeded Russian Elena Bovina won her first title in two years by beating France #39;s Nathalie Dechy 6-2 2-6 7-5 in the final of the Pilot Pen tournament." -"1","UN, ending mission, says some human rights improvement Sudan's Darfur region (Canadian Press)","Canadian Press - AL-FASHER, Sudan (AP) - Security has improved inside camps in Sudan's violence-torn Darfur region, but displaced villagers still face attacks and abuse when leave the camps, a United Nations team said Saturday, wrapping up a mission that could determine whether Sudan is hit with international sanctions." -"4","File-Sharers, the Eyes of Justice Are Upon You","President Bush likes to project the swashbuckling image, but this week it was the folks over at the Justice Department who formed the posse to go after the evildoers -- the ones on the Internet." -"4","Mobile phone #39;deafness #39; risk","p2pnet.net News:- Defects in Siemens 65 series mobile phones could cause deafness, says the company. quot;In extreme cases, this volume could lead to hearing damage." -"1","Pakistani PM-elect takes parliament confidence vote","Pakistani Prime Minister- elect Shaukat Aziz Saturday secured vote of confidence in the National Assembly (NA), the powerful lower house of the parliament,a requirement under the country #39;s constitution." -"2","TOMPKINS: Young Brit who fought here has shot at gold","Great Britain #39;s Amir Khan, who looked so impressive in winning the 132-pound championship at the Junior International Invitational Boxing Championships here last summer, has a chance for an Olympic gold medal in the lightweight division today." -"1","Pakistan province focuses on prayers, curbing vice (Reuters)","Reuters - Cinemas are barred from hoisting movie bill-boards and shopkeepers are afraid to display posters featuring women in the historic northern Pakistani city of Peshawar." -"3","Apology, refund from cruise line","In a move almost unheard of in its industry, Norwegian Cruise Line has apologized for service problems during the Pride of Aloha #39;s first two months of sailing around Hawaii, and is refunding a portion of the service charge to everyone who has cruised on " -"2","Smith saves United","LONDON, Aug. 28. - Alan Smith scored a late equaliser for Manchester United today as the side tied 1-1 at Blackburn. Sir Alex Fergusons side looked headed for their second Premier League defeat of the " -"1","Sunday: A fierce battle between US forces and Shiite militants <b>...</b>","Tuesday: A Shiite insurgency appeared to be weakening as Iraqi forces moved to within 200 yards of the Imam Ali Shrine. Wednesday: Iraq #39;s top Shiite cleric returned home with a peace initiative demanding an end to the fighting in Najaf." -"1","Terror is below radar in Russia","It took 2 days for Russia #39;s security service to announce what virtually everyone else believed from the moment two domestic passenger airlines plunged to earth simultaneously " -"1","Australian PM calls election on Oct. 9","Australian Prime Minister John Howard on Sunday announced that the next federal election will be held on October 9. He told a press conference here that voters will decide " -"2","We owe Athens an apology","ATHENS -- The Games of the XXVIII Olympiad -- the great disaster that wasn #39;t -- come to an emotional end this afternoon and, really, the world owes Athens an apology." -"2","Legendary double for El Guerrouj","In a historic 5,000-meter race, Hicham El Guerrouj of Morocco, who won gold at 1,500 meters last week, outkicked Kenenisa Bekele of Ethiopia in " -"2","Hamm not looking back","Controversial Olympic gold medalist Paul Hamm is back in the United States and ready to move on. Hamm, in Worcester for the Rock amp; Roll " -"3","Northwest fee increase has agents crying foul","The airline said it will begin paying only \$5 of the \$12.50 cost of booking a Northwest ticket through a global distribution system such as Sabre or Galileo starting Wednesday." -"2","Sanderson doesn't let gold out of his grasp","ATHENS -- Cael Sanderson didn't look too comfortable on the medal stand last night. As the national anthem was played, he went from taking the winners' wreath off his head to putting it back on, to taking it off again and holding it across his chest." -"1","Chechens Vote for New Leader, 'Bomber' Kills Self"," ZNAMENSKOYE, Russia (Reuters) - Chechens voted Sunday for a new president in a tense election, but many doubted the Moscow-backed police officer who was set to win would manage to stamp out rebellion in the turbulent region." -"2","US Sprinter Pulled From Relay for Marijuana Violation","Less than two hours before the Olympic men #39;s 400-meter relay semifinal on Friday, the United States Coach George Williams pulled John Capel from the race after being told by " -"1","Five facts about France #39;s Muslim headscarf ban","- The French parliament passed the law in March to ban quot;conspicuous symbols quot; of faith from its state school system. Guidelines for applying the law identified Muslim headscarves, Jewish skullcaps and large " -"1","Saboteurs Blow Up Oil Pipeline in Iraq (AP)","AP - Saboteurs blew up a pipeline in southern Iraq on Sunday in the latest attack targeting the country's crucial oil industry, a senior oil official said." -"1","Vote near, Saudis push to modernize","RIYADH, Saudi Arabia -- Even as Saudi Arabia struggles internally with violent extremists and externally with its image as the country that produced most of the attackers of Sept. 11, 2001, the desert kingdom's rulers are moving on multiple fronts to modernize and moderate their nation." -"1","French Govt., Muslims Appeal for Reporters' Release"," PARIS (Reuters) - France's government and leaders of its Muslim minority urged Iraqi militants Sunday to free two French journalists they were holding hostage in a bid to force Paris to revoke its ban on Muslim headscarves in schools." -"1","Spilled Oil, Gas Ignite in Iraq's South Rumaila Field"," BASRA, Iraq (Reuters) - Oil and gas spilled during recent sabotage attacks on Iraq's southern oil pipelines ignited Sunday and firefighters battled to douse the flames." -"1","Conn. Man, 70, Oldest to Swim Channel","LONDON - A retired Connecticut pilot has become the oldest person to swim the English Channel. George Brunstad, 70, left Dover, England, Saturday morning heading for the French Coast..." -"2","Schumacher Clinches Seventh Season Title (AP)","AP - Michael Schumacher clinched an unprecedented seventh Formula One drivers' title at the Belgian Grand Prix on Sunday, despite not winning for just the second time in 14 races this season." -"3","US Bells Do Video on Path Blazed by Small Telcos","The three largest US local telephone corporations made a splash this summer with plans to sell video services on their voice and data lines in a few years." -"3","SEC gives a slap on the wrist","After last week #39;s settlement with San Francisco investment adviser Garrett Van Wagoner, you have to wonder how serious the Securities and Exchange Commission is about protecting mutual fund shareholders." -"2","Helm #39;s perfect 10","And the two-and-a-half back somersaults with one and a half twists in a pike position turned out to be his ticket to a silver medal." -"1","Tropical Storm Slams Into Coastal S.C.","CHARLESTON, S.C. - Tropical Storm Gaston blasted the South Carolina coast with rain and near-hurricane strength wind early Sunday, flooding roads and knocking out power to at least 75,000 homes..." -"4","Our mobile margins will fall: Telstra","TELSTRA chief financial officer John Stanhope has admitted Telstra #39;s margins in its \$4.5 billion a year mobile phone business will shrink this year in the face of increased price competition and the growing cost of acquiring new customers." -"2","UPDATE 1-Thompson earns Celtic a record win over Rangers","Scottish champions Celtic secured a record seventh successive win over Glasgow rivals Rangers on Sunday with a 1-0 victory courtesy of midfielder Alan Thompson #39;s venomous late strike." -"1","Pakistan not for open-ended arms race: spokesman","A Pakistani Foreign Office spokesman Sunday said Islamabad does not favor an open-ended arms race in South Asia, according to the official Associated Press of Pakistan (APP)." -"2","Montgomerie, Donald named as Ryder Cup wildcards","European Ryder Cup captain Bernhard Langer named Britons Colin Montgomerie and Luke Donald as his wildcard picks on Sunday for next month #39;s match against the United States." -"2","Arsenal #39;s winning ways a joy","Legendary Nottingham Forest manager Brian Clough said last week that losing Forest #39;s 42-game unbeaten record to Arsenal stuck in the craw quot;because nobody likes them quot;, but surely that is not true." -"1","Thousands Hit NYC Streets; Cheney Arrives","NEW YORK - Tens of thousands of demonstrators marched past the Madison Square Garden site of the Republican National Convention on Sunday, chanting, blowing whistles and carrying anti-war banners as delegates gathered to nominate President Bush for a second term. On the eve of the convention, the demonstrators packed the street from sidewalk to sidewalk for 20 blocks as they slowly filed past..." -"4","Windows Tip: Scheduled Tasks written by Greg Melton on Monday <b>...</b>","If you always forget to scan for viruses, update virus protection, run Disk Defragmenter, or run any other system tool, look to the Task Scheduler for help." -"1","Sudan peace talks resume","Peace talks between Darfur rebels and the Sudanese Government have resumed after a 24-hour boycott by rebels who accused Khartoum of violating a ceasefire by killing 75 civilians in six villages." -"1","Dyke reopens WMD row","Former BBC chief Greg Dyke has reopened the row over Tony Blair #39;s decision to go to war with Iraq. Dyke was forced to resign from his post, along with former BBC chairman Gavyn Davies, last January after Lord " -"1","Moderate Republicans Criticize Bush (AP)","AP - A group of moderate Republicans, many long out of office, called on President Bush and the Republican party to ""come back to the mainstream"" on the eve of the Republican National Convention." -"2","Closing Ceremonies","Host city Athens bid a final farewell to the athletes and guests of the 2004 Summer Games with a spectacular party under a full moon." -"4","China launches science satellite","China launched an experimental satellite into orbit Sunday, atop a Long March 2C carrier rocket; reported Xinhua, China #39;s government-run news agency." -"2","Sheffield day to day with sprained left ankle","New York Yankees right fielder Gary Sheffield missed Sunday #39;s against the Toronto Blue Jays with a sprained left ankle. Sheffield is listed as day to day." -"1","PM Hails Successful Launch Of Agni II","NEW DELHI, AUG 29: Prime Minister Manmohan Singh on Sunday congratulated the scientists and engineers for the successful launch of the Agni II missile." -"2","Italian Wins Marathon... US Finishes Second","Italian Stefano Baldini has won the men #39;s marathon in a time of 2:10:54. Naturalized American Meb Keflezighi was a surprise runnerup with Brazil #39;s Vanderlei Lima finishing third." -"2","Warner Will Start for Giants in Opener","Eli Manning remains the New York Giants' quarterback of the future. For now, the job belongs to Kurt Warner." -"2","A #39;new Greece #39; beams after success of Games","As Greeks get a boost, it remains unclear if success will mean higher stature in Europe. By Peter Ford Staff writer of The Christian Science Monitor." -"2","Jimenez wins BMW Open with final-round 66","Spain #39;s Miguel Angel Jimenez won the BMW Open, his fourth title on the European tour this season, and Colin Montgomerie was one of six golfers to claim Ryder Cup berths Sunday." -"2","Jays power up to take finale","Contrary to popular belief, the power never really snapped back at SkyDome on Sunday. The lights came on after an hour delay, but it took some extra time for the batting orders to provide some extra wattage." -"2","Hewitt, Davenport Top US Open Standings (AP)","AP - Lleyton Hewitt and Lindsay Davenport could earn up to #36;500,000 extra at the U.S. Open because they finished atop the inaugural US Open Series standings." -"4","Microsoft revamps its plans for Longhorn","Microsoft is shaking up its plans for the next version of Windows to get the software off the drawing board and into PCs by the end of 2006." -"1","SEVEN KILLED IN KABUL BLOODSHED","At least seven people have been killed in a bomb blast in central Kabul - the second deadly explosion in Afghanistan over the weekend." -"3","Canada, US fail to resolve beef trade dispute","Canada and the United States have failed to reach an agreement on resuming US imports of Canadian live cattle, local press reported Sunday." -"2","Angels' Glaus Activated From DL (AP)","AP - Troy Glaus was activated from the 60-day disabled list Sunday by the Anaheim Angels and was back in the lineup against the Minnesota Twins." -"2","Ankiel solid in rehab start, unsure about future","More that three years since he threw his last pitch for the St. Louis Cardinals, Ankiel gave up one unearned run and one hit in six innings Sunday for Triple-A Memphis in what could be his final start in the minors." -"3","GOP Jamboree May Give Stocks Brief Lift"," NEW YORK (Reuters) - Fasten your seatbelts. The Republicans are in town. If things go smoothly at the Republican National Convention, the stock market could get a brief boost this week, experts say." -"3","Tokyo Stocks Flat, Focus on Data"," TOKYO (Reuters) - Japanese stocks were flat in mid-morning trade on Monday with confidence in the domestic economic outlook failing to offset profit-taking that hit recent gainers such as insurers and real estate stocks." -"4","China Launches Mapping Satellite (AP)","AP - China on Sunday launched a satellite that will carry out land surveying and other scientific projects for several days and return to Earth, government media reported." -"3","Federal-Mogul May Sell Turner amp; Newall Assets, Independent Says","Federal-Mogul Corp., the bankrupt US engineering company, may sell its UK-based Turner amp; Newall Plc after the UK division #39;s independent pension trustee rejected a \$130 million cash offer " -"1","GI #39;s in Talks With Rebels of Sadr Stronghold in Baghdad","The American military met for five hours on Sunday with representatives of the rebellious cleric Moktada al-Sadr in the volatile Baghdad Shiite neighborhood of Sadr " -"1","Allawi Meets Militants, Pushes Amnesty","Iraq's interim prime minister said that he had held private meetings with representatives of insurgent groups from Fallujah, Ramadi and Samarra to persuade them to accept a government amnesty offer." -"2","El Guerrouj, Holmes book spots in Olympic Pantheon","Britain #39;s Kelly Holmes and Morocco #39;s Hicham El Guerrouj earned their places among Olympic athletic legends here on Saturday as they won their second golds of the Games." -"2","Beijing gears up for 2008","Although the Beijing Olympics is still four years away, the Chinese capital is already gearing up to host the event. The city of over 12 million is refurbishing ancient landmarks in " -"2","Warner Gets the Nod","The first pick in the NFL draft last April will be the first QB off the bench for the Giants as Eli Manning lost the competition for the starting job to veteran Kurt Warner." -"2","New Namath Book Is Fact, Not Fiction","If you read the recent excerpt of ""Namath"" in Sports Illustrated and were put off by the apparent focus on the iconic Broadway Joe's personal life, be comforted in the knowledge that Mark Kriegel's 441-page biography includes plenty of football, too. The book is exhaustively researched and includes telling anecdotes from Beaver Falls, Pa., to Tuscaloosa, Ala., to New York." -"2","Mr. Chang, Strike a Pose","Halfway around the world, standing virtually in the middle of the Pacific Ocean, the incomparable Timmy Chang is just days away from throwing his first pass of the season. From my tattered sofa, I will be watching him. I want you to watch him, too." -"2","ROGER #39;S READY","Roger Federer says he #39;s ready to erase the image as being too soft to win in New York. The world #39;s No. 1 player from Switzerland has played three US Opens and lost in the fourth round each time." -"3","Still no beef resolution after latest talks","NEW YORK, (Aug. 30, 2004) - Cattle farmers and haulers finally looking for a quick end to a 15-month ban on live cattle exports to the US are out of luck after Canadian Agriculture Minister Andy Mitchell " -"3","For Now, Unwired Means Unlisted. That May Change.","In October, most major cellphone carriers plan to start compiling a publicly accessible listing of wireless phone numbers." -"2","Women #39;s basketball team finds special place in Chancellor #39;s heart","The medal ceremony had ended. Van Chancellor had already shed a few tears, but he had held his emotions together through all the hugs and dancing, even through the victory " -"1","New Pakistan cabinet may be sworn in today","Islamabad, :A new Cabinet in Pakistan is likely to be sworn in on Monday, two days after Finance Minister Shaukat Aziz was made the country #39;s 23rd Prime Minister." -"4","Infocus: Deploying Network Access Quarantine Control, Part 2","This article discusses Network Access Quarantine Control in Windows Server 2003, which allows administrators to quarantine mobile users and verify their security posture before giving them full access to the network. Part 2 of 2." -"3","Scaffold collapse survivors improving","One of the men who survived Friday #39;s fatal scaffold collapse is in guarded condition at Detroit Receiving Hospital and the two other survivors were released on Sunday, a hospital spokeswoman said." -"1","Pollsters refuse to write off Australian PM despite lag in polls (AFP)","AFP - Opinion polls give Australia's opposition Labor Party a big lead over Prime Minister John Howard's conservative government as campaigning begins for October 9 elections, but analysts say the real race is still too close to call." -"3","Santander accelerates Abbey bid","Santander says it aims to complete its takeover of UK mortgage lender Abbey one month sooner than originally planned." -"2","A blazing start for Beijing","Greece tried to pass the Olympics baton off to Beijing on Sunday night, but it was a tough job. The Chinese are way ahead of the curve already." -"2","Wakefield goes deep this time","When it comes to giving up long balls, Red Sox pitcher Tim Wakefield has a short memory. Just three weeks after he surrendered a club-record six home " -"2","Hot pursuit","Times like these make grown men talk to televisions. quot;C'mon, guys, get the darn out, quot; Pedro Martinez shouted at a big screen in the Red Sox clubhouse yesterday as he watched the Blue Jays try to finish off the Yankees with two outs and the potential winning run at the plate in the ninth inning in Toronto." -"3","On TV -- from the Internet ","SAN MATEO, Calif. -- The promise of Internet-based video has long been hamstrung by copyright and piracy worries, slow dial-up connections, technical challenges, and consumer disdain for watching blotchy videos on their home computers." -"2","Youngster Khan taken to school","The sensation of the Olympic boxing tournament learned yesterday that there #39;s no substitute for experience. At least not in the ring." -"3","Challenger disappoints with writedown","The Kerry Packer-backed Challenger Financial Services Group has reported its first net loss since incorporating, impacted by a massive writedown of goodwill." -"3","Corporate Failures Hurt Pension Guaranty Group","Description: A flurry of corporate bankruptcies in the past few years leaves a public agency strapped for cash: the Pension Benefit Guaranty Corporation." -"2","Bellhorn makes plenty of noise: Big","Second baseman Mark Bellhorn stats, news issued the closing statement in the Red Sox stats, schedule #39; four-game sweep of the Detroit Tigers yesterday at Fenway Park." -"3","Intel in new chip breakthrough","Intel creates a more powerful memory chip without increasing its size, confounding the firm's critics." -"1","Going ballistic: Agni-II test fired","NEW DELHI: Indias quest to develop a solid missile defence took a step forward today when it successfully test-fired the surface-to-surface Agni-II missile, which can cover targets in the 2000-2500 kms-range, from the Integrated Test Range (ITR) at " -"1","Nigerian troops set off on AU peace mission to Darfur (AFP)","AFP - A 155-strong company of Nigerian infantry flew out of Abuja, heading for the war-torn western Sudanese region of Darfur to join an African Union force protecting ceasefire monitors." -"3","UPDATE: Sons Of Gwalia In Administration On Hedging Debt","PERTH (Dow Jones)--Sons of Gwalia Ltd. (SGW.AU), Australia #39;s second-biggest gold producer, has fallen into administration over aA\$348 million hedge book liability." -"1","Carnival crowds likely to top 1m","As the Notting Hill Carnival enters its final day, police say they are pleased with how it has gone so far. About 250,000 people took to the streets on Sunday - more than double the first day last year - to celebrate 40 years of the west London event." -"1","Typhoon Chaba Kills Four in Japan","Powerful Typhoon Chaba has plowed into southern Japan, sweeping at least four people to their deaths and injuring more than 30 as it knocked out power to thousands." -"1","Vietnam Marks Independence with Pardons for Prisoners"," HANOI (Reuters) - Vietnam has released nearly 9,000 prisoners, including 10 inmates whose cases it says had drawn international attention, as part of traditional pardons granted ahead of independence celebrations on September 2." -"3","Mining concern names outside managers","SYDNEY Sons of Gwalia, the world #39;s leading supplier of tantalum, appointed outside managers on Monday after failing to reach agreement with creditors." -"3","Minister Lee Says Uncertainty Deepens Economic Lethargy","Deputy Prime Minister and Finance-Economy Minister Lee Hun-jai said Monday the nation #39;s current economic lethargy is due to unsubstantiated uncertainty #39; #39; about the future, which in turn weakens the confidence of market players." -"2","Robson #39; Massively Disappointed #39; at Newcastle Exit","Departing Newcastle boss Sir Bobby Robson has spoken of his regret at not being able to complete his mission after being relieved of his duties today." -"3","Atlas Copco to Sell Electric Tool Business","Swedish engineering company Atlas Copco said Monday it will sell its electric tool business to Hong Kong-based Techtronic Industries Co." -"1","Sadr Aide Tells Iraq Militia to Cease Fire -TV","A top aide to Iraq #39;s rebel Shi #39;ite leader Muqtada al-Sadr Monday called on the Mehdi Army militia to cease fire across Iraq and said Sadr was preparing to announce plans for a major political program." -"4","96 Processors Under Your Desktop","Roland Piquepaille writes quot;A small Santa Clara-based company, Orion Multisystems, today unveils a new concept in computing, #39;cluster workstations." -"2","Defrocked Priest Gets Suspended Sentence for Marathon Attack","A defrocked Irish priest who attacked the leader during yesterdays Olympic marathon was given a one year suspended sentence in Athens today." -"3","UPDATE:Sinopec 1H Pft Up 51; To Raise Refining Capacity","HONG KONG (Dow Jones)--China Petroleum amp; Chemical Corp. (SNP), the country #39;s second-largest oil and gas producer, Monday reported a 51 jump in first-half earnings and said it plans to boost its refining capacity by about one-fifth over three years." -"3","Rebound in US consumer spending","US consumer spending rebounded in July, a sign the economy may be emerging from an early summer decline. Consumer spending rose 0.8 last month, boosted by car and retail sales." -"1","Israeli Held Meetings With U.S. Analyst (AP)","AP - A senior Israeli diplomat in Washington has met with a Pentagon analyst being investigated by the FBI on suspicion he passed classified information to Israel, Israeli officials confirmed Monday." -"3","Regional House Price Declines Possible"," WASHINGTON (Reuters) - U.S. housing industry economists on Monday cautioned that rapid house price gains in some areas of the country may not be sustainable." -"4","Intel Shrinks Transistor Size By 30","pinkUZI writes quot;Intel will announce that it has crammed 500 million transistors on to a single memory chip, shrinking them in size by 30." -"3","US Airways Up on Labor Talks","US Airways #39; (UAIR:Nasdaq - news - research) shares jumped almost 20 on news that management and pilots were back at the table, trying to hammer out an agreement on work concessions to save the company." -"4","Bryant Makes First Appearance at Trial (AP)","AP - NBA star Kobe Bryant arrived at his sexual assault trial Monday as attorneys in the case who spent the weekend poring over questionnaires prepared to question potential jurors individually." -"2","Language of goals what counts for tongue-tied Ronnie and Michael","England striker Michael Owen said his lack of Spanish and Ronaldo #39;s lack of English did not hinder celebrations of the Brazilian #39;s matchwinner for Real Madrid in Sunday #39;s 1-0 win at Mallorca." -"3","Oil Drops Below \$42 a Barrel"," NEW YORK (Reuters) - U.S. oil prices fell more than \$1 on Monday on continued profit-taking as producer-group OPEC eyed increases in the coming months in its tight spare capacity, countering worries over stumbling Iraqi oil exports." -"1","Al-Sadr Calls on Militia to Stop Fighting","BAGHDAD, Iraq - Rebel Shiite cleric Muqtada al-Sadr called for his followers across Iraq to end fighting against U.S. and Iraqi forces and is planning to join the political process in the coming days, an al-Sadr aide said Monday..." -"3","Regional Home Price Drop Possible"," WASHINGTON (Reuters) - U.S. housing industry economists on Monday cautioned that rapid house price gains in some areas of the country may not be sustainable." -"2","Man U. and Everton play to scoreless draw","Manchester, England (Sports Network) - Manchester United #39;s struggle continued on Monday when they failed to score in a 0-0 tie with Everton at Old Trafford." -"1","GOP Sharpens Attacks As Convention Opens","NEW YORK (AP) -- Sen. John McCain said Monday it was fair game to criticize Democrat John Kerry's anti-war protests three decades ago, firing an opening salvo as Republicans at their national convention sought to portray President Bush as a strong wartime leader." -"1","11 Dead in a Car Bomb in Kabul","KABUL (Masnet amp; News Agencies) - At least eleven people, including two US citizens, were killed when a truck bomb exploded in downtown Kabul in the second deadly blast to strike Afghanistan over the weekend." -"4","Microsoft spends 1bn to keep out the hackers","The growing threat of hackers and viruses has prompted Microsoft to roll out a billion- dollar upgrade of its Windows computer operating system to strengthen security." -"4","Juniper Takes Security to Endpoints","Juniper Networks (Quote, Chart) has launched a new initiative designed to improve interoperability of popular third-party antivirus and firewall measures with its own Secure Socket Layer (define) Virtual Private Network (define) appliances." -"3","Stocks Dip on Consumer Income Report News (AP)","AP - An unsettling report on consumer incomes set off a spate of profit-taking on Wall Street Monday as investors worried that a tepid economy would erode companies' third-quarter earnings. Another drop in oil prices failed to shake the gloom from the market." -"3","SEC Probes United Rentals, Shares Drop"," CHICAGO (Reuters) - U.S. securities regulators are investigating United Rentals Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=URI.N target=/stocks/quickinfo/fullquote"">URI.N</A> and have subpoenaed some accounting records, the company said on Monday, sending its shares down 21.5 percent." -"1","New Chechen Leader Vows Peace, Poll Criticized"," GROZNY, Russia (Reuters) - Chechnya's new leader vowed on Monday to rebuild the shattered region and crush extremists, after winning an election condemned by rights groups as a stage-managed show and by Washington as seriously flawed." -"1","Africa takes tough stand on coups","The arrest of Margaret Thatcher's son last week is the latest example of a crackdown on overthrows." -"1","Generals May Pay a Price for Iraq Abuse","WASHINGTON - The Abu Ghraib prisoner abuse scandal could effectively end the careers of four Army generals who are linked indirectly to the misconduct but face no criminal charges. The four are singled out for varying degrees of criticism - mixed with instances of praise - in two comprehensive investigative reports released last week..." -"4","Survey: IT spending to grow modestly next year","CIO confidence is up in third quarter, according to Forrester poll." -"4","Coming to a TV near you: Ads for desktop Linux","Linspire CEO points out that recent TV ads serve as indication of acceptance in mainstream populace." -"2","FOOTBALL: RAE KNEE SCAN HAS MCLEISH IN A SWEAT","ALEX RAE was in hospital yesterday for a scan on his injured knee after playing through the pain barrier in Sunday #39;s Old Firm clash." -"1","Iraqi oil exports slump: report","NEAR daily attacks on pipelines and pumping stations had pushed down Iraq #39;s oil exports to their lowest point in nearly a year, Britain #39;s Financial Times newspaper reported today." -"3","Australia #39;s Seven FY Net Jumps 59 To A\$93.3M -2-","SYDNEY (Dow Jones)--Australian television broadcaster Seven Network Ltd. (SEV) said Tuesday net profit jumped 59 to A\$93.3 million for the fiscal year ended June 26, boosted by profit proceeds from the sell down of its stake in B Digital." -"3","Parts pinch shuts down Ford plant","Workers at the Ford plant in Hapeville are getting a second unexpected day off during the dog days of summer. The company has stopped assembly-line production at the plant today because of a continued parts shortage, a Ford official said." -"4","Orion Debuts Cluster Workstation","Orion Multisystems, a new company founded by former Transmeta (Quote, Chart) executives, debuted a family of workstations Monday that think and act like a cluster of servers." -"4","AT amp;T Embraces Voice-over-Internet Telephony","AT amp;T is attracted to Voice over IP because Internet telephony is cheaper to offer to businesses and consumers and requires less upfront investment than the old copper wire and traditional switching networks." -"2","Off-day would have been welcomed by Sox","After another disappointing road trip - the White Sox were 3-4 on a swing through Detroit and Cleveland - a day off sure would look enticing." -"3","Maker of Twinkies Delays Filing Annual Report, Hires Turnaround <b>...</b>","KANSAS CITY, Mo., Aug. 30 -- Twinkie maker Interstate Bakeries Corp. on Monday delayed filing its annual report for the second time, a move that dragged shares lower by more than 42 percent on speculation about the company #39;s ongoing viability." -"1","MND confirms China pulling troops from drill","The Ministry of Defense confirmed yesterday that China #39;s military had withdrawn most of its troops from Dongshan Island where it was to hold an annual war game, but would not say if the action indicated Beijing was calling off the maneuvers that simulate " -"1","A Better Solution for Israel","The hysterical tone of Daniel Seidemann #39;s plea to the next US administration to save Israel from itself serves no useful purpose op-ed, Aug. 26." -"2","Braves Rally to Defeat Giants 7-6 (AP)","AP - Even with a big lead in the NL East, the Atlanta Braves aren't taking anything for granted." -"2","Bryant Jury Selection Behind Closed Doors (AP)","AP - Prospective jurors in the Kobe Bryant rape case were asked their feelings on racial prejudice, interracial relationships, marital infidelity and justice for the rich and famous in an 82-item questionnaire released Monday." -"4","IT seeing steady but slow growth: Forrester projects 7 percent <b>...</b>","Tech companies waiting for a big resurgence in spending on computer hardware, software, networks and staff better plan to wait about four more years, Forrester Research projected yesterday." -"1","Japan should outsource more","The Japanese information services industry clocked up sales of 13,703.9 billion yen in fiscal 2001, according to a report on selected service industries for 2001 released by the Ministry of Economy, Trade and Industry (METI)." -"2","White Sox Edge Phillies","Joe Borchard wows the crowd with the longest homer in the 14-year history of U.S. Cellular Field as the White Sox edge the Phillies 9-8." -"4","ANOTHER VOICE Sugary drinks bad for you","Many studies have linked the consumption of nondiet soda and fruit juices with added sugars to obesity and attendant risks of diabetes." -"2","Testaverde accepts Parcells #39; nomination","Who would have thought that the Dallas Cowboys #39; offense would be the least of coach Bill Parcells problems? After cutting their starting quarterback in training camp, signing a controversial " -"4","Australia Police to Trap Cyberspace Pedophiles (Reuters)","Reuters - Australian police acting as part of an\international ""cyber cop"" network will be able to trap\pedophiles who use the Internet to ""groom"" or lure children for\sex, under new laws passed by parliament on Tuesday." -"2","Marlins keep pace in wild-card race","The Mets #39; objective, Fred Wilpon said last winter and into the spring, was to play meaningful games late into the season. The owner was confident his revamped team could compete for first place " -"1","Milosevic opens his defense case, starting second half of his <b>...</b>","Former Yugoslav President Slobodan Milosevic opened his long-delayed defense at the Yugoslav war crimes tribunal Tuesday, describing the battles of his Serbian people as self defense against internal rebellions and external attacks by Islamic warriors." -"2","Injury brings Brown down","Troy Brown didn't play any defense against Carolina in Saturday night's exhibition game. Thing is, he didn't play much offense or special teams, either." -"3","Starting today, funds' stances on proxies are matter of record","Every year, public companies put a number of questions before their stockholders for a vote. Investors weigh in on whether to reelect company directors, reappoint auditors, and approve or kill plans to give big stock option packages to senior executives." -"4","Hall of Shame Hall of Fame","We spotlight people and products that pester us...and the heroes saving us from annoyances." -"2","Athens coverage a winner for NBC","NBC and its family of cable networks flooded American households with nearly nonstop coverage of the Athens Olympics, and the strategy - along with strong performances by the US teams in swimming and gymnastics -roduced not only a ratings increase " -"3","Alitalia union may accept job cuts","A top Italian labor leader says his union could consider job cuts at Alitalia to prevent the airline #39;s collapse, as workers at the flag carrier clamored for details of its cost-cutting rescue plan." -"4","FCC asks high court to rule on broadband (USATODAY.com)","USATODAY.com - The federal government is challenging an appeals court ruling that, officials fear, would stifle the expansion of cable broadband services by burdening the providers with new regulations." -"3","UBS pays 265 million dollars for Schwab capital markets business (AFP)","AFP - Swiss banking group UBS said that it had paid 265 million dollars (219 million euros) to buy SoundView, the capital markets division of online broker Charles Schwab to strengthen its position on the US Nasdaq market." -"4","Longhorn announcements barely a blimp on IT radar","While developers are naturally curious over tweaks to the Longhorn road map, many IT administrators barely take notice. Enterprise IT customers typically lag at least " -"4","Novell reshuffles biz for Linux focus","Novell is reorganising its business to focus on two key areas - Linux and identity management. The networking software firm #39;s Nterprise and Linux operations will be folded into a Platform and Application Services group CRN reports." -"1","British Minister to Visit North Korea in September","The British government has announced plans to send a top Foreign Office representative to North Korea in September. Junior Minister for East Asia Bill Rammell will become the first British minister to visit " -"2","Broncos Running Back Out for Entire Season (AP)","AP - Denver Broncos running back Mike Anderson will miss the entire season because of a groin injury sustained last weekend in an exhibition game against Houston." -"4","Apple unveils super thin iMac in Paris (AFP)","AFP - Apple Computers launched the newest version of its iMac model, which at two inches thick, is the world's thinnest desktop computer, the company said." -"1","Conditions Worsen in Darfur, U.N. Agencies Say (Reuters)","Reuters - Conditions for 1.2 million Sudanese\displaced in Darfur continue to worsen amid violent attacks,\spreading disease, and heavy rains which wreak havoc with aid\convoys, United Nations agencies said on Tuesday." -"1","Australian employee of Canadian oil company reportedly abducted in Yemen (Canadian Press)","Canadian Press - CANBERRA, Australia (AP) - Diplomats investigated Tuesday a report that an Australian oil engineer had been abducted in Yemen by armed tribesmen, but a conflicting report from Yemen said there was no kidnapping." -"3","EU, Japan Win WTO Approval to Impose Duties on US (Update2)","The European Union, Japan and Brazil won World Trade Organization backing to impose tariffs on US imports after Congress failed to end illegal corporate subsidies worth \$850 million since 2001." -"3","Study: CEOs rewarded for outsourcing","NEW YORK (CNN/Money) - The CEOs of the top 50 US companies that sent service jobs overseas pulled down far more pay than their counterparts at other large companies last year, a study said Tuesday." -"3","Hartford Sees \$91 Mln in Charley Losses"," NEW YORK (Reuters) - Hartford Financial Services Group Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HIG.N target=/stocks/quickinfo/fullquote"">HIG.N</A> on Tuesday became the latest insurer to issue a profit warning tied to Hurricane Charley, the strongest storm to hit Florida in a dozen years." -"2","Roundup: Illini men rise to top of AP poll, win game","There was little celebrating when Illinois men #39;s players found out they were ranked No. 1 in the nation yesterday afternoon. There was a game to play at night." -"1","Maddux Wins No. 302, Baker Wins No. 1,000","Greg Maddux pitched the Chicago Cubs into the lead in the NL wild-card race and gave Dusty Baker a win to remember. Maddux threw seven shutout innings for his 302nd career win, Baker got his 1,000th victory as a manager and Chicago beat the Montreal Expos 5-2 on Monday night..." -"4","Apple's New iMac Computer Is All Display"," PARIS (Reuters) - Apple Computer unveiled, after a two-month delay, its new iMac desktop computer on Tuesday which integrates disk drives and processors into a flat display less than two inches thick." -"4","New iMac packs computer into flat screen","PARIS Apple Computer engineered another design coup on Tuesday, unveiling a new iMac here that incorporates all of the personal computer #39;s innards into a flat-panel screen that balances on an aluminum stand." -"3","UPDATE 3-Albertsons hit by California strike; shares fall","Albertsons Inc. (ABS.N: Quote, Profile, Research) , the No. 2 US grocer, on Tuesday reported a substantial drop in its quarterly profit as heavy promotions " -"4","Samsung readies Philips #39; near-field communications for cellphones","MANHASSET, NY - Philips Electronics and Samsung Electronics have entered into a deal that will enable Samsung to deploy cellular devices using Philips #39; near-field communications chip and technology." -"1","Putin Says Plane Crashes Involved Terrorists Linked to Al-Qaeda","Russian President Vladimir Putin today said the explosions that brought down two airliners in Russia a week ago were the work of terrorists linked to the al- Qaeda terrorist network." -"1","Hurricane Frances Nears NE Caribbean (AP)","AP - Hurricane Frances strengthened as it churned near islands of the northeastern Caribbean with ferocious winds expected to graze Puerto Rico on Tuesday before the storm plows on toward the Bahamas and the southeastern United States." -"2","Kansas City Royals Team Report - August 31","(Sports Network) - The Kansas City Royals try to get back on the winning track this evening when they continue their three-game series with the Detroit Tigers at Kauffman Stadium." -"2","Montreal Expos Team Report - August 31","(Sports Network) - The Montreal Expos were handed a setback in Monday #39;s opener at Olympic Stadium. Greg Maddux threw seven shutout innings and went 2-for-3 with an RBI at the plate to lead the Cubs to a 5-2 victory." -"4","Japanese electronics giants in LCD joint venture","Hitachi, Toshiba and Matsushita Electric have formed a joint venture to manufacture large liquid-crystal displays for flat-screen televisions, escalating competition for a piece of the digital living room." -"4","Microsoft to delay advanced search technology from Longhorn","Microsoft said Friday that it is delaying the release of a new data-storage technology, named WinFS, from the next version of Windows, code-named Longhorn, in order to deliver the operating system by 2006." -"1","Darfur conditions worsen","rebels struggle to make headway in talks aiming to ease the conflict in the Darfur region. sanctions on Sudan, by saying Moscow opposed sanctions." -"4","Beyond solar system, planets that look familiar","The universe looked a little more familiar and friendlier on Tuesday. The roll call of planets beyond the solar system swelled significantly with the announcement of a trio of newly discovered worlds much " -"3","Credit Suisse to Combine US Unit","Credit Suisse Group, Switzerland #39;s second-largest bank, said Tuesday it will combine its US-based Credit Suisse First Boston investment unit with its retail and private banking business within two years." -"4","Spammers use sender authentication too, study says","The technology hasn't been widely adopted, but spammers are taking it up at a faster rate than legitimate e-mailers." -"4","SafeGuard Offers Easy Hard-Drive Protection","Upgraded version of this encryption app adds plenty of tools for networked users." -"2","Francis Nixes Hurricanes' Front Office Job (AP)","AP - Ron Francis turned down a front-office job with the Carolina Hurricanes and is still deciding whether he wants to continue his playing career." -"2","Disgraced Greek Sprinters Drug Tested by WADA"," ATHENS (Reuters) - Greek sprinters Costas Kenteris and Katerina Thanou have been dope tested by doctors from the World Anti-Doping Agency, an official said Tuesday." -"4","Skype Telephony Now Available for the Mac","Skype for Windows, Skype for Pocket PC and Skype for Linux -- Skype for Mac OS X is free. Skype users can control their online presence and " -"1","Killings shock, humiliate Nepalese","Protesters in Kathmandu have expressed disbelief and frustration after learning of the deaths of 12 Nepalese hostages in Iraq. Nepal #39;s ambassador to Qatar, Somananda Suman, confirmed " -"1","Gaddafi to Compensate Libyan Jews for Lost Homes (Reuters)","Reuters - Libyan leader Muammar Gaddafi, easing\his country's way back into the international fold, on Tuesday\became the first Arab leader to promise compensation for Jews\who were forced from their homes due to religious tension." -"4","Microsoft To Ship Longhorn in 2006 Without WinFS","Microsoft will ship its next Windows client code-named Longhorn in 2006 as originally promised -- but without the next-generation file system known as WinFS." -"4","Veritas Keeps Reaching into Its Wallet","By acquiring KVault, which makes e-mail-archiving software, it aims to erode EMC #39;s lead and rebuild investors #39; confidence." -"2","NL Wrap: Edmonds Double Strike Lifts Cards Over Padres"," NEW YORK (Reuters) - Jim Edmonds belted two solo homers to lead the host St Louis Cardinals to an easy 9-3 win over the San Diego Padres in National League action at Busch Stadium Tuesday." -"3","A Year of Charges, Reforms for Funds","NEW YORK -- Just a year ago this week, New York Attorney General Eliot L. Spitzer shook the financial services industry -- and investor confidence -- by revealing that four big-name mutual fund companies had cut secret deals allowing a New Jersey hedge fund to profit from short-term trading at the expense of ordinary investors." -"1","Moscow Rail Station Evacuated on Bomb Threat, Interfax Says","Moscow police are conducting a partial evacuation at the Kursk railway station in central Moscow as they search for explosives after receiving an anonymous phone call from a man threatening " -"1","Iraq #39;s Chalabi escapes attempt on his life","Gunmen opened fire Wednesday on a convoy carrying former Iraqi Governing Council member Ahmad Chalabi in an apparent assassination attempt that wounded two of his bodyguards, Chalabi #39;s spokesman said." -"4","Blu-ray group mandates Microsoft codec for BD-ROM","The Blu-ray Disc Association (BRDA) has selected Microsoft #39;s VC-9 video codec for future BD-ROM content, the organisation said today." -"2","Mariners riding the Ichiro wave","Ichiro Suzuki singled three times last night to etch out a spot in history and to send the Toronto Blue Jays a little deeper into oblivion." -"2","Wharf marks debut with wickets","In-form Alex Wharf made an impressive start to his international career this morning with wickets in his first two overs against India at Trent Bridge." -"2","Roddick blisters junior champ","By the time his match with Andy Roddick was over, Jenkins had felt the full fury of Roddick #39;s jet blast. Roddick had nailed a 152-mph serve at him, the fastest serve in Open history and one " -"4","AMD dual-core demo pips Intel, IBM","AMD has demonstrated the company #39;s first dual-core microprocessors. Dual-core processors offer improved performance over single-core chips, especially in multithreaded applications." -"1","Gunmen ambush Chalabi #39;s convoy, wound 2","BAGHDAD - Gunmen ambushed the convoy of former Iraqi governing council president Ahmed Chalabi on Wednesday, wounding two of his bodyguards, aides said." diff --git a/fluid/PaddleRec/tagspace/small_train.txt b/fluid/PaddleRec/tagspace/small_train.txt deleted file mode 100644 index 0ef17038cde038c58a3e3b5ee6475ccb853130ce..0000000000000000000000000000000000000000 --- a/fluid/PaddleRec/tagspace/small_train.txt +++ /dev/null @@ -1,1000 +0,0 @@ -"3","Wall St. Bears Claw Back Into the Black (Reuters)","Reuters - Short-sellers, Wall Street's dwindling\band of ultra-cynics, are seeing green again." -"3","Carlyle Looks Toward Commercial Aerospace (Reuters)","Reuters - Private investment firm Carlyle Group,\which has a reputation for making well-timed and occasionally\controversial plays in the defense industry, has quietly placed\its bets on another part of the market." -"3","Oil and Economy Cloud Stocks' Outlook (Reuters)","Reuters - Soaring crude prices plus worries\about the economy and the outlook for earnings are expected to\hang over the stock market next week during the depth of the\summer doldrums." -"3","Iraq Halts Oil Exports from Main Southern Pipeline (Reuters)","Reuters - Authorities have halted oil export\flows from the main pipeline in southern Iraq after\intelligence showed a rebel militia could strike\infrastructure, an oil official said on Saturday." -"3","Oil prices soar to all-time record, posing new menace to US economy (AFP)","AFP - Tearaway world oil prices, toppling records and straining wallets, present a new economic menace barely three months before the US presidential elections." -"3","Stocks End Up, But Near Year Lows (Reuters)","Reuters - Stocks ended slightly higher on Friday\but stayed near lows for the year as oil prices surged past #36;46\a barrel, offsetting a positive outlook from computer maker\Dell Inc. (DELL.O)" -"3","Money Funds Fell in Latest Week (AP)","AP - Assets of the nation's retail money market mutual funds fell by #36;1.17 billion in the latest week to #36;849.98 trillion, the Investment Company Institute said Thursday." -"3","Fed minutes show dissent over inflation (USATODAY.com)","USATODAY.com - Retail sales bounced back a bit in July, and new claims for jobless benefits fell last week, the government said Thursday, indicating the economy is improving from a midsummer slump." -"3","Safety Net (Forbes.com)","Forbes.com - After earning a PH.D. in Sociology, Danny Bazil Riley started to work as the general manager at a commercial real estate firm at an annual base salary of #36;70,000. Soon after, a financial planner stopped by his desk to drop off brochures about insurance benefits available through his employer. But, at 32, ""buying insurance was the furthest thing from my mind,"" says Riley." -"3","Wall St. Bears Claw Back Into the Black"," NEW YORK (Reuters) - Short-sellers, Wall Street's dwindling band of ultra-cynics, are seeing green again." -"3","Oil and Economy Cloud Stocks' Outlook"," NEW YORK (Reuters) - Soaring crude prices plus worries about the economy and the outlook for earnings are expected to hang over the stock market next week during the depth of the summer doldrums." -"3","No Need for OPEC to Pump More-Iran Gov"," TEHRAN (Reuters) - OPEC can do nothing to douse scorching oil prices when markets are already oversupplied by 2.8 million barrels per day (bpd) of crude, Iran's OPEC governor said Saturday, warning that prices could fall sharply." -"3","Non-OPEC Nations Should Up Output-Purnomo"," JAKARTA (Reuters) - Non-OPEC oil exporters should consider increasing output to cool record crude prices, OPEC President Purnomo Yusgiantoro said on Sunday." -"3","Google IPO Auction Off to Rocky Start"," WASHINGTON/NEW YORK (Reuters) - The auction for Google Inc.'s highly anticipated initial public offering got off to a rocky start on Friday after the Web search company sidestepped a bullet from U.S. securities regulators." -"3","Dollar Falls Broadly on Record Trade Gap"," NEW YORK (Reuters) - The dollar tumbled broadly on Friday after data showing a record U.S. trade deficit in June cast fresh doubts on the economy's recovery and its ability to draw foreign capital to fund the growing gap." -"3","Rescuing an Old Saver","If you think you may need to help your elderly relatives with their finances, don't be shy about having the money talk -- soon." -"3","Kids Rule for Back-to-School","The purchasing power of kids is a big part of why the back-to-school season has become such a huge marketing phenomenon." -"3","In a Down Market, Head Toward Value Funds","There is little cause for celebration in the stock market these days, but investors in value-focused mutual funds have reason to feel a bit smug -- if only because they've lost less than the folks who stuck with growth." -"3","US trade deficit swells in June","The US trade deficit has exploded 19 to a record \$55.8bn as oil costs drove imports higher, according to a latest figures." -"3","Shell 'could be target for Total'","Oil giant Shell could be bracing itself for a takeover attempt, possibly from French rival Total, a press report claims." -"3","Google IPO faces Playboy slip-up","The bidding gets underway for Google's public offering, despite last-minute worries over an interview with its bosses in Playboy magazine." -"3","Eurozone economy keeps growing","Official figures show the 12-nation eurozone economy continues to grow, but there are warnings it may slow down later in the year." -"3","Expansion slows in Japan","Economic growth in Japan slows down as the country experiences a drop in domestic and corporate spending." -"3","Rand falls on shock SA rate cut","Interest rates are trimmed to 7.5 by the South African central bank, but the lack of warning hits the rand and surprises markets." -"3","Car prices down across the board","The cost of buying both new and second hand cars fell sharply over the past five years, a new survey has found." -"3","South Korea lowers interest rates","South Korea's central bank cuts interest rates by a quarter percentage point to 3.5 in a bid to drive growth in the economy." -"3","Google auction begins on Friday","An auction of shares in Google, the web search engine which could be floated for as much as \$36bn, takes place on Friday." -"3","HP shares tumble on profit news","Hewlett-Packard shares fall after disappointing third-quarter profits, while the firm warns the final quarter will also fall short of expectations." -"3","Mauritian textile firm cuts jobs","One of the oldest textile operators on the Indian Ocean island of Mauritius last week shut seven factories and cut 900 jobs." -"3","Chad seeks refugee aid from IMF","Chad asks the IMF for a loan to pay for looking after more than 100,000 refugees from conflict-torn Darfur in western Sudan." -"3","Japan nuclear firm shuts plants","The company running the Japanese nuclear plant hit by a fatal accident is to close its reactors for safety checks." -"3","Veteran inventor in market float","Trevor Baylis, the veteran inventor famous for creating the Freeplay clockwork radio, is planning to float his company on the stock market." -"3","Saudi Arabia to open up oil taps","Saudi Arabia says it is ready to push an extra 1.3 million barrels a day of oil into the market, to help reverse surging prices." -"3","Saudi phone sector gets \$1bn lift","A group led by the UAE's Etisalat plans to spend \$1bn (544m) on expansion after winning two mobile phone licences in Saudi Arabia." -"3","Indians fill rail skills shortage","Network Rail flies in specialist Indian engineers to work on the West Coast Mainline because of a UK skills shortage." -"3","Steady as they go","BEDFORD -- Scientists at NitroMed Inc. hope their experimental drugs will cure heart disease someday. But lately their focus has been on more mundane matters." -"3","Google IPO: Type in 'confusing,' 'secrecy'","I've submitted my bid to buy shares of Google Inc. in the computer search company's giant auction-style initial public offering. That could turn out to be the good news or the bad news." -"3","A bargain hunter's paradise","Massachusetts bargain hunters showed up in droves and shopped hard on yesterday's sales tax holiday, buying everything from treadmills and snow blowers to candles and chandeliers, and crediting the 5-percent tax break with bringing them into the stores." -"3","Researchers seek to untangle the e-mail thread","E-mail is a victim of its own success. That's the conclusion of IBM Corp. researchers in Cambridge, who have spent nearly a decade conducting field tests at IBM and other companies about how employees work and use electronic mail. It's clear to them that e-mail has become the Internet's killer application." -"3","Microsoft Corp. 2.0: a kinder corporate culture","Even a genius can mess up. Bill Gates was a brilliant technologist when he cofounded Microsoft , but as he guided it to greatness in both size and historical consequence, he blundered. He terrorized underlings with his temper and parceled out praise like Scrooge gave to charity. Only the lash inspired the necessary aggressiveness to beat the competition, he thought." -"3","Letters","Target the abusers of legal weapons We can all share the outrage, expressed by columnist Steve Bailey (''Summer Sizzler, quot; Aug. 11), at the killings in the city's poor neighborhoods. But there's no need to share his ignorance. He argues for renewal of the so-called assault weapon ban, claiming that otherwise, ''UZIs and AK-47s could again be flooding the streets. quot; His ..." -"3","Somewhere between gleam and gloom","President Bush has been saying that the US economy has ''turned the corner. quot; Democratic presidential candidate Senator John F. Kerry, in the wake of this month's poor jobs report, quipped that it was more like a U-turn." -"3","Technology company sues five ex-employees ","A Marlborough-based technology company is suing five former employees, including three senior managers, for allegedly conspiring against their employer while working on opening a competing business." -"3","Grant to aid Lynn Central Square","Central Square in Lynn should be looking a bit brighter. New sidewalks, curbs, fences, lights, landscaping, and road improvements are planned for the Gateway Artisan Block, a key area of the square, with \$830,000 in state grant money given to Lynn last week." -"3","State grant to aid Lynn; Bank gives Salem \$10k","Central Square in Lynn should be looking a bit brighter. New sidewalks, curbs, fences, lights, landscaping, and road improvements are planned for the Gateway Artisan Block, a key area of the square, with \$830,000 in state grant money given to Lynn last week." -"3","A New Legal Chapter for a 90's Flameout","A lawsuit against Gary Winnick, the former chief of Global Crossing, refocuses attention on what Mr. Winnick knew about his company's finances as it imploded." -"3","Will Russia, the Oil Superpower, Flex Its Muscles?","Russia is again emerging as a superpower - but the reason has less to do with nuclear weapons than with oil." -"3","Switching Titles, if Not Gears, at Dell","Kevin B. Rollins, the new chief executive of Dell, talks about Dell's transitory slip in customer service, and why he sees a broader technology recovery taking place." -"3","For Sale: The Ultimate Status Symbol","With the country in need of cash and rich people dying to show off their wealth, Mr. Stein proposes a unique solution: having the government sell titles of nobility." -"3","Quality Gets Swept Away","Quality Distribution is hammered after reporting a large loss for the second quarter." -"3","Making Your Insurer Pay","If Hurricane Charley blows your house down, how can you make your insurance company pay?" -"3","Delightful Dell","The company's results show that it's not grim all over tech world. Just all of it that isn't Dell." -"3","Chrysler's Bling King","After a tough year, Detroit's troubled carmaker is back -- thanks to a maverick designer and a car that is dazzling the hip-hop crowd" -"3","What's Cool In the Pool ... ... And Hot On the Deck","Americans are spending more on tricking out the places where they swim. Here's a look at the new wave of accessories" -"3","The Age of Doom","In 1993 six geeks had a digital nightmare that changed the culture. It's about to get far creepier" -"3","Hip Hop's Online Shop","Celebrity fashion is booming. These webpreneurs are bringing it to main street" -"3","Stoking the Steamroller","No other recording artist can channel American middle-class tastes quite like Chip Davis and his best-selling band" -"3","Coming to The Rescue","Got a unique problem? Not to worry: you can find a financial planner for every specialized need" -"3","The New Customers Are In Town","Today's customers are increasingly demanding, in Asia as elsewhere in the world. Henry Astorga describes the complex reality faced by today's marketers, which includes much higher expectations than we have been used to. Today's customers want performance, and they want it now! " -"3","Barrel of Monkeys, 2004 Edition: Notes on Philippine Elections","Well, it's election time in the Republic of the Philippines, and that means the monkeys are rolling around in those political barrels, having as much fun as they can while laughing their heads off at the strange goings-on that characterize a democratic process loosely based on the American model but that de facto looks more like a Fellini movie crossed with a Tom and Jerry cartoon - column includes a useful election-year glossary!" -"3","Oldsmobile: The final parking lot","Why General Motors dropped the Oldsmobile. The four brand paradoxes GM had to face - the name, the product, image re-positioning, and the consumer - all added up to a brand that had little hope of rebranding." -"3","Not All Jobs Belong To The White Man: Asian Minorities, Affirmative Action, And The Quest For Parity At Work","Although a smattering of Chinese, Filipinos, Japanese, Indians, Thais, and others may crow about seeing their kind sitting in prominent positions in corporations and organizations in the USA, these accomplishments become mere cultural high-fives and ritualistic chest-thumping goaded and impishly patronized by 'mainstream society' - the milder and gentler term for the white-dominated populace." -"3","Downhome Pinoy Blues, Intersecting Life Paths, and Heartbreak Songs","The Blues is alive and well in the Philippines, as evidenced by this appreciation of the Pinoy Blues band 'Lampano Alley', penned by columnist Clarence Henderson as a counterpoint to his usual economics, business, and culture fare." -"3","The Real Time Modern Manila Blues: Bill Monroe Meets Muddy Waters in the Orient","Globalization does strange things to people. A day in the life of a Manila Philippines based business consultant - proving that you really CAN talk about Muddy Walters, bluegrass and work all on the same page..." -"3","Best Asian Tourism Destinations","The new APMF survey of the best Asian tourism destinations has just kicked off, but it's crowded at the top, with Chiang Mai in Thailand just leading from perennial favourites Hong Kong, Bangkok and Phuket in Thailand, and Bali in Indonesia. Be one of the first to vote and let us know your reasons." -"3","What are the best cities for business in Asia?","One of our new categories in the APMF Sense of Place survey is for best Asian business city. After a couple of days, Singapore leads the pack, followed by Bangkok, Thailand and Hong Kong. Enter your vote and comments and make your views count. More new categories include best city for livability, and best tourism destinations." -"3","IT alligator tales","I grew up in New York, where giant alligators -- sometimes more ornately described as albino alligators -- were rumored to roam the citys sewer systems. According to legend, vacationers picked up the tiny crocodilians in Florida, brought them home to New York, and eventually flushed the little buggers when they grew too big for the local concrete jungle." -"3","IT Myth 5: Most IT projects fail","Do most IT projects fail? Some point to the number of giant consultancies such as IBM Global Services, Capgemini, and Sapient, who feed off bad experiences encountered by enterprises. Sapient is a company founded on the realization that IT projects are not successful, says Sapient CTO Ben Gaucherin." -"3","BEA grabs CA exec to head product group","BEA Systems Inc. has hired the Computer Associates International Inc. executive responsible for CA's Unicenter line of enterprise management software to head BEA's product development group." -"3","Autodesk tackles project collaboration","Autodesk this week unwrapped an updated version of its hosted project collaboration service targeted at the construction and manufacturing industries. Autodesk Buzzsaw lets multiple, dispersed project participants -- including building owners, developers, architects, construction teams, and facility managers -- share and manage data throughout the life of a project, according to Autodesk officials." -"3","U.K.'s NHS taps Gartner to help plan \$9B IT overhaul","LONDON -- The U.K.'s National Health Service (NHS) has tapped IT researcher Gartner Inc. to provide market intelligence services as the health organization forges ahead with a mammoth, 5 billion (\$9.2 billion) project to upgrade its information technology infrastructure." -"3","Play Boys: Google IPO a Go Anyway","Even though Google's two founders gave an interview to Playboy magazine in the midst of its IPO filing, the SEC allowed the company's offering to go ahead. The boys filed the interview with the SEC and corrected mistakes in it." -"3","More Big Boobs in Playboy","An interview with Google's co-founders due out in the current issue of Playboy may delay the company's IPO. Securities regulations restrict what executives can say while preparing to sell stock for the first time." -"3","Dutch Firm Beats Apple to Punch","A music retailer from the Netherlands beats Apple by launching a download service in Europe's latest market battleground. Also: Movie industry wrests agreement from defunct company.... Microsoft challenges Photoshop hellip;. and more." -"3","HP to Buy Synstar","Hewlett-Packard will pay \$297 million for the British company. Also: TiVo goes all out to attract customers hellip;. Sprint offers service guarantees for business wireless subscribers hellip;. and more." -"3","A Personal Operator From Verizon","Verizon plans to offer a service that would act as a virtual switchboard operator, letting customers stay in touch at all times. The program would send phone calls, voicemails and e-mails wherever customers designate. By Elisa Batista." -"3","Paid Search Growth May Slow","A new Internet advertising forecast shows a slowdown in paid search listings in the next five years. Will the projection affect Google's prospects when it goes public?" -"3","Fark Sells Out. France Surrenders","Blogs are the hottest thing on the Net, but are they messing with traditional publishing principles? One of the most popular, Fark.com, is allegedly selling links. Is it the wave of the future? By Daniel Terdiman." -"4","'Madden,' 'ESPN' Football Score in Different Ways (Reuters)","Reuters - Was absenteeism a little high\on Tuesday among the guys at the office? EA Sports would like\to think it was because ""Madden NFL 2005"" came out that day,\and some fans of the football simulation are rabid enough to\take a sick day to play it." -"4","Group to Propose New High-Speed Wireless Format (Reuters)","Reuters - A group of technology companies\including Texas Instruments Inc. (TXN.N), STMicroelectronics\(STM.PA) and Broadcom Corp. (BRCM.O), on Thursday said they\will propose a new wireless networking standard up to 10 times\the speed of the current generation." -"4","AOL to Sell Cheap PCs to Minorities and Seniors (Reuters)","Reuters - America Online on Thursday said it\plans to sell a low-priced PC targeting low-income and minority\households who agree to sign up for a year of dialup Internet\service." -"4","Companies Approve New High-Capacity Disc Format (Reuters)","Reuters - A group of consumer electronics\makers said on Wednesday they approved the format for a new\generation of discs that can store five times the data of DVDs\at the same cost -- enough to put a full season of ""The\Sopranos"" on one disc." -"4","Missing June Deals Slow to Return for Software Cos. (Reuters)","Reuters - The mystery of what went wrong for the\software industry in late June when sales stalled at more than\20 brand-name companies is not even close to being solved\although the third quarter is nearly halfway over." -"4","Hacker Cracks Apple's Streaming Technology (AP)","AP - The Norwegian hacker famed for developing DVD encryption-cracking software has apparently struck again #151; this time breaking the locks on Apple Computer Inc.'s wireless music streaming technology." -"4","European Download Services Go Mobile (Reuters)","Reuters - The ability to download complete\tracks directly over cell-phone networks to mobile phones is\becoming a reality in Europe." -"4","Open Source Apps Developer SugarCRM Releases Sugar.Sales 1.1 (TechWeb)","TechWeb - News - August 13, 2004" -"4","Oracle Sales Data Seen Being Released (Reuters)","Reuters - Oracle Corp. sales documents\detailing highly confidential information, such as which\companies receive discounts on Oracle's business software\products and the size of the discounts, are likely to be made\public, a federal judge said on Friday." -"4","Sun's Looking Glass Provides 3D View (PC World)","PC World - Developers get early code for new operating system 'skin' still being crafted." -"4","Apple to open second Japanese retail store this month (MacCentral)","MacCentral - Apple Computer Inc. will open its second Japanese retail store later this month in the western Japanese city of Osaka, it said Thursday." -"4","Charley's Force Took Experts by Surprise (AP)","AP - Hurricane Charley's 145-mph force took forecasters by surprise and showed just how shaky a science it still is to predict a storm's intensity #151; even with all the latest satellite and radar technology." -"4","Science, Politics Collide in Election Year (AP)","AP - With more than 4,000 scientists, including 48 Nobel Prize winners, having signed a statement opposing the Bush administration's use of scientific advice, this election year is seeing a new development in the uneasy relationship between science and politics." -"4","Building Dedicated to Columbia Astronauts (AP)","AP - A former dormitory converted to classrooms at the Pensacola Naval Air Station was dedicated Friday to two Columbia astronauts who were among the seven who died in the shuttle disaster Feb. 1, 2003." -"4","Russian Cargo Craft Docks at Space Station (AP)","AP - A Russian cargo ship docked with the international space station Saturday, bringing food, water, fuel and other items to the two-man Russian-American crew, a space official said." -"4","Bangkok's Canals Losing to Urban Sprawl (AP)","AP - Along the banks of the canal, women in rowboats grill fish and sell fresh bananas. Families eat on floating pavilions, rocked gently by waves from passing boats." -"4","T. Rex Had Teen Growth Spurt, Scientists Say (Reuters)","Reuters - Tyrannosaurus Rex grew incredibly fast\during a teenaged growth spurt that saw the dinosaur expand its\bulk by six times, but the fearsome beasts ""lived fast and died\young,"" researchers said on Wednesday." -"4","Gene Blocker Turns Monkeys Into Workaholics - Study (Reuters)","Reuters - Procrastinating monkeys were turned\into workaholics using a gene treatment to block a key brain\compound, U.S. researchers reported on Wednesday." -"4","Dolphins Too Have Born Socialites (Reuters)","Reuters - Some people are born to be the life and\soul of the party -- and so it seems are some dolphins." -"4","What's in a Name? Well, Matt Is Sexier Than Paul (Reuters)","Reuters - As Shakespeare said, a rose by any other\name would smell as sweet. Right?" -"4","UK Scientists Allowed to Clone Human Embryos (Reuters)","Reuters - British scientists said on Wednesday\they had received permission to clone human embryos for medical\research, in what they believe to be the first such license to\be granted in Europe." -"4","Russian Alien Spaceship Claims Raise Eyebrows, Skepticism (SPACE.com)","SPACE.com - An expedition of Russian researchers claims to have found evidence that an \ alien spaceship had something to do with a huge explosion over Siberia in 1908. \ Experts in asteroids and comets have long said the massive blast was caused \ by a space rock." -"4","Comets, Asteroids and Planets around a Nearby Star (SPACE.com)","SPACE.com - A nearby star thought to harbor comets and asteroids now appears to be home to planets, too. The presumed worlds are smaller than Jupiter and could be as tiny as Pluto, new observations suggest." -"4","Perseid Meteor Shower Peaks Overnight (SPACE.com)","SPACE.com - A fine display of shooting stars is underway and peaks overnight Wednesday into early Thursday morning. Astronomers expect the 2004 Perseid meteor shower to be one of the best versions of the annual event in several years." -"4","Redesigning Rockets: NASA Space Propulsion Finds a New Home (SPACE.com)","SPACE.com - While the exploration of the Moon and other planets in our solar system is nbsp;exciting, the first task for astronauts and robots alike is to actually nbsp;get to those destinations." -"4","Studies Find Rats Can Get Hooked on Drugs (AP)","AP - Rats can become drug addicts. That's important to know, scientists say, and has taken a long time to prove. Now two studies by French and British researchers show the animals exhibit the same compulsive drive for cocaine as people do once they're truly hooked." -"4","NASA Chief: 'Let's Go Save the Hubble' (SPACE.com)","SPACE.com - Amid uncertainty over the fate of the Hubble Space Telescope and with a key instrument not working, NASA Administrator Sean O'Keefe gave the go-ahead Monday for planning a robotic servicing mission." -"4","Armadillo Aerospaces X Prize Prototype Crashes (SPACE.com)","SPACE.com - Armadillo Aerospace of Mesquite, Texas has reported a \crash last weekend of their prototype X Prize rocket." -"4","Prairie Dog Won't Be on Endangered List (AP)","AP - The black-tailed prairie dog has been dropped from a list of candidates for the federal endangered species list because scientists have concluded the rodents are no longer threatened." -"4","Hubble Trouble: One of Four Instruments Stops Working (SPACE.com)","SPACE.com - One of the four astronomical instruments on the Hubble Space Telescope shut down earlier this week and engineers are trying to pin down the problem. The other three instruments continue to operate normally." -"4","Invasive Purple Weed May Meet Its Match (AP)","AP - They burned it, mowed it, sprayed it and flooded it. But nothing killed the purple loosestrife weed, which has become a regional plague, until officials at the Parker River National Wildlife Refuge set a European beetle loose on it." -"4","New NASA Supercomputer to Aid Theorists and Shuttle Engineers (SPACE.com)","SPACE.com - NASA researchers have teamed up with a pair of Silicon Valley firms to build \ a supercomputer that ranks alongside the world's largest Linux-based systems." -"4","Ants Form Supercolony Spanning 60 Miles (AP)","AP - Normally clannish and agressive Argentine ants have become so laid back since arriving in Australia decades ago that they no longer fight neighboring nests and have formed a supercolony here that spans 60 miles, scientists say." -"4","Viewer's Guide: Perseid Meteor Shower Peaks Aug. 11-12 (SPACE.com)","SPACE.com - Every August, when many \ people are vacationing in the country where skies are dark, the best-known meteor \ shower makes its appearance. The annual Perseid meteor shower, as it is called, \ promised to put on an above average display this year." -"4","Rescuers Free Beached Whale in Brazil (AP)","AP - Rescuers succeeded in freeing a minke whale that washed up on a beach in southeastern Brazil, the fire department said Thursday." -"4","Red-Footed Falcon Sighted in Mass. (AP)","AP - A red-footed falcon spotted for the first time in North America is enticing birdwatchers to Martha's Vineyard." -"4","Weak Version of Most Powerful Explosions Found (SPACE.com)","SPACE.com - Gamma-ray bursts are the most powerful events in the universe, temporary outshining several galaxies and likely signaling the birth of a black hole." -"4","Simultaneous Tropical Storms a Rarity (AP)","AP - The prospect that a tropical storm and a hurricane #151; or possibly two hurricanes #151; could strike Florida on the same day is something meteorologists say they have never seen." -"4","NASA's Genesis Spacecraft Adjusts Course (AP)","AP - NASA's Genesis spacecraft successfully adjusted its course this week as it heads back toward Earth with a sample of solar wind particles, the space agency said Wednesday." -"4","Earth is Rare, New Study Suggests (SPACE.com)","SPACE.com - Flip a coin. Heads, Earth is a common sort of planet. Tails, and ours is as unusual as a coin landing on edge. That's about the state of knowledge for scientists who ponder the question of our planet's rarity." -"4","Scientists Probe Pacific for Dead Zone (AP)","AP - His hand on a toggle switch and his eyes on a computer screen, Oregon State University graduate student Anthony Kirincich uses an array of scientific instruments to probe the vibrant waters of the Pacific. He is searching for the absence of life." -"4","Life on Mars Likely, Scientist Claims (SPACE.com)","SPACE.com - DENVER, COLORADO -- Those twin robots hard at work on Mars have transmitted teasing views that reinforce the prospect that microbial life may exist on the red planet." -"4","India Rethinks Plan to Send Man to Moon (AP)","AP - India is rethinking its plan to send a man to the moon by 2015, as the mission would cost a lot of money and yield very little in return, the national space agency said Thursday." -"4","Natural Sunblock: Sun Dims in Strange Ways (SPACE.com)","SPACE.com - When Venus crossed the Sun June 8, showing up as a clear black dot to the delight of millions of skywatchers around the world, astronomers noted something less obvious: The amount of sunlight reaching Earth dipped by 0.1 percent for a few hours." -"4","Website Lets Users Scout the Red Planet from Home (SPACE.com)","SPACE.com - For those who want to explore Mars but cant wait for a spacecraft to take them there, NASA scientists have reformulated a website that lets the general public search data and images from previous missions." -"4","Appeal Rejected in Trout Restoration Plan (AP)","AP - The U.S. Forest Service on Wednesday rejected environmentalists' appeal of a plan to poison a stream south of Lake Tahoe to aid what wildlife officials call ""the rarest trout in America.""" -"4","Explore the Many Colors of Stars (SPACE.com)","SPACE.com - One of the pleasures of \ stargazing is noticing and enjoying the various colors that stars display in \ dark skies. These hues offer direct visual evidence of how stellar temperatures \ vary." -"4","Britain Grants Human Cloning License (AP)","AP - Britain granted its first license for human cloning Wednesday, joining South Korea on the leading edge of stem cell research, which is restricted by the Bush administration and which many scientists believe may lead to new treatments for a range of diseases." -"4","The Next Great Space Race: SpaceShipOne and Wild Fire to Go For the Gold (SPACE.com)","SPACE.com - A piloted rocket ship race to claim a #36;10 million Ansari X Prize purse for privately financed flight to the edge of space is heating up." -"4","Growth, Mortality of T. Rex Gets Clearer (AP)","AP - Here's a dinosaur finding that parents can appreciate: The teenage Tyrannosaurus rex typically went through an explosive growth spurt, gaining nearly 5 pounds a day." -"4","Space Science Pioneer Van Allen Questions Human Spaceflight (SPACE.com)","SPACE.com - A leading space scientist has called to question the validity of human spaceflight, suggesting that sending astronauts outward from Earth is outdated, too costly, and the science returned is trivial." -"4","China Begins Manned Space Flight Countdown (AP)","AP - Chinese astronauts are in the final stages of preparing for a manned space mission that will orbit the globe 14 times before returning to Earth, a state-run newspaper reported Thursday." -"4","Sunspot Grows to 20 Times Size of Earth (SPACE.com)","SPACE.com - A sunspot group aimed squarely \ at Earth has grown to 20 times the size of our planet and has the potential \ to unleash a major solar storm." -"4","Japanese Lunar Probe Facing Delays (AP)","AP - A lunar orbiter that Japan had planned to launch this year could face further delays, possibly until next year or later, because of a funding shortfall and problems developing the probe's information-gathering capabilities, Japan's space agency said Wednesday." -"4","Pollutants From Asia Appear on East Coast (AP)","AP - Scientists looking into air quality and climate change have found pollutants from as far as Asia over New England and the Atlantic." -"4","Vietnam's Citadel Vulnerable to Weather (AP)","AP - Experts from Europe and Asia surveyed 1,400-year-old relics of an ancient citadel in Hanoi Tuesday and said they were concerned the priceless antiquities were at risk from exposure to the elements." -"4","U.S. Barred From Weakening Dolphin Rules (AP)","AP - In a victory for environmentalists, a federal judge ruled Tuesday that the Bush administration cannot change the standards commercial fisheries must meet before the tuna they catch can carry the ""dolphin-safe"" label." -"4","Canadian Robot a Candidate to Save Hubble (AP)","AP - NASA said Tuesday it is moving ahead with plans to send a robot to the rescue of the aging Hubble Space Telescope." -"4","Cave Explorers Discover Pit in Croatia (AP)","AP - Cave explorers discovered a pit inside a mountain range in central Croatia believed to have the world's deepest subterranean vertical drop, at nearly 1,700 feet, a scientific institute reported Monday." -"4","Aquarium Reviews Death of Dolphin (AP)","AP - The chief scientist at the National Aquarium in Baltimore has launched a review of the dolphin breeding program after the death of a 4-month-old dolphin." -"4","Scientists Seek Better Way to Measure Rain (AP)","AP - Meteorologists at North Carolina State University are working on a way to more accurately measure rainfall in small areas." -"4","Wash. State Team's Private Rocket Explodes (AP)","AP - A team taking a low-budget stab at the #36;10 million Ansari X Prize for private manned spaceflight suffered a setback Sunday, when their rocket malfunctioned and exploded after shooting less than 1,000 feet in the air." -"4","Nevada Ponders Superfund Status for Mine (AP)","AP - Pressured by a ranking senator from Nevada and the Environmental Protection Agency, Gov. Kenny Guinn says he might reconsider his opposition to a federal Superfund cleanup declaration for a huge abandoned mine contaminated with toxic waste and uranium." -"4","Indictments Using DNA on Rise Nationally (AP)","AP - Authorities once had no choice but to drop rape cases if they weren't able to catch a suspect before the statute of limitations expired. But prosecutors across the country increasingly are buying themselves time, keeping cold cases alive by indicting unidentified rapists using their DNA profiles." -"4","Southeast Coast Sees Fewer Turtle Nests (AP)","AP - About half the usual number of loggerhead turtles have nested between North Carolina and Florida this season, and scientists have no explanation for the drop." -"4","Company Said to Be Ready to Clone Pets (AP)","AP - A company that unveiled the world's first cloned cat nearly three years ago now says it is ready to start filling orders for cloned pets, a newspaper reported Thursday." -"4","Deep-Sea Vessel Puts Ocean Floor in Reach (AP)","AP - A new deep-sea research vessel will be able to carry people to 99 percent of the ocean floor, diving deeper than the famed Alvin that pioneered the study of seafloor vents, plate tectonics and deep ocean creatures over the past 40 years." -"4","Chorus Frog Found Croaking in Virginia (AP)","AP - The Southern chorus frog has been found in southeastern Virginia, far outside its previously known range. The animal had never before been reported north of Beaufort County, N.C., about 125 miles to the south." -"4","Expedition to Probe Gulf of Mexico (AP)","AP - Scientists will use advanced technology never before deployed beneath the sea as they try to discover new creatures, behaviors and phenomena in a 10-day expedition to the Gulf of Mexico's deepest reaches." -"4","Feds Accused of Exaggerating Fire Impact (AP)","AP - The Forest Service exaggerated the effect of wildfires on California spotted owls in justifying a planned increase in logging in the Sierra Nevada, according to a longtime agency expert who worked on the plan." -"4","New Method May Predict Quakes Weeks Ahead (AP)","AP - Swedish geologists may have found a way to predict earthquakes weeks before they happen by monitoring the amount of metals like zinc and copper in subsoil water near earthquake sites, scientists said Wednesday." -"4","Marine Expedition Finds New Species (AP)","AP - Norwegian scientists who explored the deep waters of the Atlantic Ocean said Thursday their findings #151; including what appear to be new species of fish and squid #151; could be used to protect marine ecosystems worldwide." -"4","Annual Study Finds Rise in Beach Closures (AP)","AP - The number of days that beaches closed or posted warnings because of pollution rose sharply in 2003 due to more rainfall, increased monitoring and tougher standards, an environmental group said on Thursday." -"4","Pacific May Be Seeing New El Nino (AP)","AP - Warming water temperatures in the central equatorial Pacific last month may indicate the start of a new El Nino." -"4","Cassini Spacecraft Sees Saturn Lightning (AP)","AP - The Cassini spacecraft's mission to Saturn has revealed a new radiation belt around the ringed planet and found that lightning in its atmosphere is occurring in different patterns than it did when NASA's Voyagers flew by in the early 1980s, scientists said." -"4","Poachers Putting Endangered Rhinos at Risk (AP)","AP - Gangs of poachers in Congo have been slaughtering the world's minuscule population of northern white rhinos, reducing the population by about one-half in just more than a year, a key conservation organization said Friday." -"4","Experts Downplay Texas Shark Attacks (AP)","AP - Three shark attacks off the Texas coast in the past two months are unusual but don't mean there are more sharks than normal along the beach or that they are getting bolder, marine biologists and other experts say." -"4","Study Says Birds Feed Other Birds' Young (AP)","AP - It's a lesson many little humans could learn from baby birds: Sometimes, being nice to other youngsters pays off. Brown-headed cowbirds, like several other bird species, leave their eggs in the nests of other birds, who then feed and raise the cowbird chicks." -"4","Canadian Team Joins Rocket Launch Contest (AP)","AP - The #36;10 million competition to send a private manned rocket into space started looking more like a race Thursday, when a Canadian team announced plans to launch its rocket three days after an American group intends to begin qualifying for the Ansari X prize." -"4","Universities to Build Largest Telescope (AP)","AP - The University of Texas and Texas A amp;M University are planning to construct what they call the world's largest telescope with the help of a Houston businessman's #36;1.25 million gift." -"4","Mauritanian Capital Battles Locust Swarm (AP)","AP - Residents burned tires and trash in the streets Thursday trying to drive off swarms of locusts descending on the region in what a U.N. agency called the worst sub-Saharan invasion in more than a decade." -"4","Customers of Telco Companies Face Privacy Breach","A security advisory posted on Bugtraq demonstrates how hackers can compromise customers of T-mobile wireless and Verizon (landline) voicemail boxes. The advisory talks about the use of Caller-ID spoofing the customers number, allowing a bypass of the PIN code since the voicemail thinks that the customer is calling to check their own voicemail. According to Secure Science Corporation, there has been no response from the vendors. Comments have been posted that T-Mobile has optional PIN code protection off by default. Better turn it on. " -"4","Mozilla To Add Support For XForms, World Yawns","It's ironic that Microsoft could help further cement its dominance in the browser market by joining its largest rival in an effort to support web standards. nbsp;At the same time, that act would go a long way towards improving the web in general for developers and users alike." -"4","Junk faxes to be legalized as quot;opt-out? quot;","The Register ran a story on August 6th called 'Phone spam misery looms stateside.' It seems that there's legislative nastiness underway in Washington, DC to essentially gut the existing junk fax law, and replace it with a marketer's wet dream." -"4","Biased Against Whom?","Liberal bias versus right-wing conspiracy is a wonderful distraction. There is evidence enough on both sides. How can opposite claims be true? Confront a physicist with evidence supporting contradictory hypotheses and she will go looking for a more basic cause. Let's try that." -"4","The Visual World of Michel Gondry","A month ago I was introduced to the works of Michel Gondry. In short, I was amazed and tantalized by his short films and music videos. Even if you haven't heard of him, you've probably seen his many works in Gap commercials, various music videos, and the recent movie Eternal Sunshine of the Spotless Mind. Many of his works explode with visual elements that, when taken alone, are simple and mundane. However, under his masterful guidance, these elements come together to form a highly mesmerizing visual experience. He never ceases to push visual technologies and challenge our ideas about the visual medium." -"4","The Austral-Asian Strike Fighter","The Australian Defence Force must defend and project across an air-sea gap. This requires long range autonomous strike weaponry. The Joint Strike Fighter does not solve this issue and detrimentally places added pressure on Australia's limited force of aerial refuelling assets. The world's defence manufacturers are not creating strike platforms that solve Australian needs. For this reason, Australia needs to look to other nations with similar defence needs. In this case, Japan, South Korea and Taiwan all face defending an air-sea gap. Australia should enter a partnership with these nations to create a strike fighter that satisfies the strategic needs of defending an air-sea gap. The benefits of such a partnership will be many." -"4","Insecurity: (Or Why Americans Aren't Feeling The Recovery)","The New Republic's website is currently carrying an interesting piece which tries to explain the anomaly that although the US economy is growing, a lot of its citizens are still feeling worse off. The article explains the results of a 40 year panel study which has shown that although mean incomes have increased, income variability has increased massively, causing many Americans to feel less well off, despite the growing economy. " -"4","The Great K5 Limerick Contest","Queue submissions being scarce, I suggest we all submit limericks for consideration. Mod up your favorites. I'm no poet, so I'll submit a favorite of my childhood: There was a young woman named Bright, Who traveled much faster than light She set out one day In a relative way And returned on the previous night. I'm afraid I don't remember the author." -"4","RuntimeProperties... Reflection from System Properties","\\Java developers often load system properties to customize the runtime behavior\of their applications.\\For example a develoepr could define a 'max_connections' system property to\define the maximum number of TCP connections that their application server can\support. While nice, this prevents all other applications from using this\variable name.\\The first reaction to this would be to namespace your variable names. Instead\of using max_connections you would now use\'my.application.Server.MAX_CONNECTIONS' as your property name. This works of\course but now you have to load this property on startup.\\public static int MAX_CONNECTIONS = Integer.parseInt( System.getProperty(\""my.application.Se ...\\" -"4","Thank You IBM!","\\I just wanted to say thanks to IBM for Open Sourcing Cloudscape .\\You guys really have your act together. Keep up the good work!\\" -"4","LinuxWorld, IDs, and Privacy","\\Today Jonathan Moore and I headed over to LinuxWorld after lunch to see what\kind of cool hardware and Linux hacks they had on the expo floor.\\Only \$15 to get in the door so I figure why not.\\I'm a bit of a privacy freak. When you're trading some security for liberty\there are situations where it *might* be worth it. In situations of extreme\violence having the police by your side might be a good idea. \\I think we can all agree that trading liberty for *nothing* isn't worth it.\This country was *founded* on liberty after the British were abusing their\colonial powers. Every true American should cherish their liberty and think\long and hard about just turning them over for no reason.\ ...\\" -"4","My Blog as a Time Machine","\\I'm starting to realize that my blog is a bit of a time machine. For example I\can create a blog entry to warn myself about something that WILL happen in the\future. \\My current NTP blog entry is a good example. I wrote this for myself as\much as for the people who read my blog (or find me via Google).\\I know for sure that NTP on Debian is going to bite me sometime in the future\and I'm going to forget WHY. Then I'm going to (of course) go to Google or my\aggregator and search for NTP and then find my blog post. \\I've done this about a dozen times now and its saved me a TON of time!\\" -"4","NTP in Debian","\\The Network Time Daemon (NTP Daemon) implementation within Debian leaves a\lot to be desired.\\First off they don't include it with a working config. You have to create your\own /etc/ntpd.conf. To make matters worse the configuration doesn't accept DNS\names so you have to manually enter IPs. Fun. I can understand that they might\not want to provide ONE configuration and overwhelm one or two NTP servers but\they can provide a dynamic config that balances load among all available\servers. There is of course the public serves list but you have to Google\for it.\\All you really need to do here is enter a list of servers:\\server time.nist.gov\\server 192.43.244.18\" -"4","Pretty Log4J","\\I've been a big fan of Log4J for a while now but haven't migrated any code\over for one central reason. The following line of code:\\ final static Logger logger = Logger.getLogger( ""some.name"" );\\... is amazingly ugly and difficult to work with.\\Most people use Log4J with a logger based on the classname:\\So we would probably see:\\ static Logger logger = Logger.getLogger( ""org.apache.commons.feedparser.locate.FeedLocator"" );\\Which is amazingly verbose. A lot of developers shorten this to:\\ static Logger logger = Logger.getLogger( FeedLocator.class );\\But this still leaves us with cut and paste errors.\\What if we could just reduce it to:\\ static Logger logger = Logger.g ...\\" -"4","Saudis: Bin Laden associate surrenders","\\""(CNN) -- A longtime associate of al Qaeda leader Osama bin Laden surrendered to\Saudi Arabian officials Tuesday, a Saudi Interior Ministry official said.""\\""But it is unclear what role, if any, Khaled al-Harbi may have had in any terror\attacks because no public charges have been filed against him.""\\""The Saudi government -- in a statement released by its embassy in Washington --\called al-Harbi's surrender ""the latest direct result"" of its limited, one-month\offer of leniency to terror suspects.""\\This is great! I hope this really starts to pay off. Creative solutions to\terrorism that don't involve violence. \\How refreshing! \\Are you paying attention Bush administration?\\" -"4","Mozilla Exceptions (mexception)","\\For some reason I never released this code.\\I developed it while working on NewsMonster and just forgot I think\\It's an extension for Mozilla that allows you to see all runtime exceptions\(with full stack traces) that are unhandled by Mozilla. \\Just install it and if your code generates an unhandled exception it will show\up in the logs and on the console.\\Very handy for doing any hardcore Mozilla development.\\" -"4","Ron Regan Jr is My Kinda Guy","\\""Now that the country is awash in Reagan nostalgia, some observers are predicting\that you will enter politics. Would you like to be president of the United\States?""\\""I would be unelectable. I'm an atheist. As we all know, that is something\people won't accept.""\\""What would you do if Senator Kerry asked you to be his vice president?""\\""I would question his sanity.""\\""Do you ever go to church?""\\""No. I visit my wife's sangha.""\\""So you sometimes practice Buddhism?""\\""I don't claim anything. But my sympathies would be in that direction. I admire\the fact that the central core of Buddhist teaching involves mindfulness and\loving kindness and compassion.""\\So lets get this straight. He's an a ...\\" -"4","Al Qaeda member surrenders","\\""RIYADH, Saudi Arabia (CNN) -- One of Saudi Arabia's most wanted militants has\turned himself into the authorities, the first senior suspect to surrender under\a one-month government amnesty announced last week.""\\""Othman Al-Omari, number 19 on Saudi Arabia's most wanted list of 26, accepted\King Fahd's offer of amnesty, which was made last week, according to Saudi\sources Monday.""\\""Al-Omari, who turned himself in on Sunday night, was a business partner of\Shaban Al Shihri -- the first al Qaeda member to accept the offer when he turned\himself in Friday.""\\When I first saw this I was really upset. I thought that it would certainly\lead to more violence if they just let terrorists off the ...\\" -"4","Mission Accomplished!","\\""BAGHDAD, Iraq (CNN) -- Members of Iraq's interim government took an oath of\office Monday just hours after the United States returned the nation's\sovereignty, two days ahead of schedule.""\\""Led by Iraq's interim Prime Minister Ayad Allawi, each member of the new\government placed a hand on the Koran and promised to serve with sincerity and\impartiality. Iraqi flags lined the wall behind them.""\\Iraq! Now with 100 less Coalition Provisional Authority! Act now and get a\free Weapon of Mass Destruction (offer only available in Syria, Jordan, Saudi\Arabia, Pakistan, Syria and Iran).\\Also check out our new Puppet Government! Keeps the kids occupied for hours!\\" -"4","Java3D - Half Right","\\SUN has announced that Java3D will be released in a different manner than any\other SUN project in existence.\\""We announce the availability of the source code for the Java 3D API on\java.net. We are involving developers in the evolution of the Java 3D API.\Come join the Java 3D projects on java.net, and download the source code for\the core Java 3D API, vecmath, the Java 3D core utilities, and the Java 3D\program examples.""\\The key thing here is that they have provided the core utils under a BSD license\and even have the CVS available .\\Good job SUN! You're headed in the right direction!\\Here's the only problem:\\""We are releasing the source code for the j3d-core and vecmath projects u ...\\" -"4","Reverse Psychology","\\I really hope SUN doesn't Open Source Java at JavaOne this year. It would be a\terrible decision and seriously hurt the tech industry. Also, it would hurt SUN\and I'm sure their responsible enough to realize this.\\(Lets hope that works!)\\" -"4","Kerry's Disgusting Ad","\\A few days ago Kerry sent around this ad:\\""Yesterday, the Bush-Cheney campaign, losing any last sense of decency, placed\a disgusting ad called ""The Faces of John Kerry's Democratic Party"" as the\main feature on its website. Bizarrely, and without explanation, the ad places\Adolf Hitler among those faces.""\\""The Bush-Cheney campaign must pull this ad off of its website. The use of\Adolf Hitler by any campaign, politician or party is simply wrong.""\\Which of course is a mistake. I went and downloaded the video (which is just\stupid btw. Not a masterpiece by any means.) and there are shots of Hitler in\there, but only from the MoveOn contest from a few months back.\\Here's the problem. The ...\\" -"4","What would Baby Jesus Think?","\\""On Tuesday, Cheney, serving in his role as president of the Senate, appeared in\the chamber for a photo session. A chance meeting with Sen. Patrick J. Leahy\(Vt.), the ranking Democrat on the Judiciary Committee, became an argument about\Cheney's ties to Halliburton Co., an international energy services corporation,\and President Bush's judicial nominees. The exchange ended when Cheney offered\some crass advice.\\'Fuck yourself,' said the man who is a heartbeat from the presidency.""\\Wonder what the moral majority has to say about this?\\It isn't profanity! Its a freedom praise!\\" -"4","Americans and Freedom","\\""When we Americans first began, our biggest danger was clearly in view: we knew\from the bitter experience with King George III that the most serious threat to\democracy is usually the accumulation of too much power in the hands of an\Executive, whether he be a King or a president. Our ingrained American distrust\of concentrated power has very little to do with the character or persona of the\individual who wields that power. It is the power itself that must be\constrained, checked, dispersed and carefully balanced, in order to ensure the\survival of freedom. In addition, our founders taught us that public fear is the\most dangerous enemy of democracy because under the right circumstances it ...\\" -"4","Why Windows isn't Unix","\\""I first heard about this from one of the developers of the hit game SimCity, who\told me that there was a critical bug in his application: it used memory right\after freeing it, a major no-no that happened to work OK on DOS but would not\work under Windows where memory that is freed is likely to be snatched up by\another running application right away. The testers on the Windows team were\going through various popular applications, testing them to make sure they\worked OK, but SimCity kept crashing. They reported this to the Windows\developers, who disassembled SimCity, stepped through it in a debugger, found\the bug, and added special code that checked if SimCity was running, and if it\did ...\\" -"4","Microsoft, IE and Bloat","\\Zawodny threads off of Scoble on the IE issue:\\""I have to say, when I first read that I nearly fell off my chair laughing. I was\thinking ""how stupid ARE these IE guys?!?!?!"" But we all know that Microsoft is\full of smart people who care about what they're doing. So something really\doesn't compute here.""\\""Last time I checked, IE wasn't even close to feature parity with Mozilla's\browsers. No popup blocking, no tabbed browsing, etc.""\\""Does the IE team really not know what their product is missing?""\\Perhaps. It's highly likely that they just don't know.\\The bigger issue here is that Microsoft products can't fail and they can't\succeed. Microsoft has 40-50 billion in the bank. There ...\\" -"4","DRM is doubleplus good for business, Congress advised","The Budget Office and the case of the disappearing public interest" -"4","HP: The Adaptive Enterprise that can't adapt","<strong>Opinion</strong> SAP hardly to blame" -"4","Buffy the Censor Slayer","<strong>Letters</strong> Readers drive stake through parents' group" -"4","Ashlee Vance: the readers have spoken","<strong>Poll results</strong> Bright news for resident <em>Reg</em> ladyboy" -"4","<em>El Reg</em> pledges to name BSA antipiracy weasel","<strong>Competition</strong> Get those suggestions in" -"4","Wireless net to get speed boost","Wireless computer networks could soon be running 10 times faster than they do now." -"4","Watchdog rules over broadband ","The UK's ad watchdog rules over which net connections can be described as full speed broadband." -"4","GameBoy mini-games win prize","A set of GameBoy micro-games is named as the most innovative game of the year at a festival in Scotland." -"4","Microsoft takes down SP2 sharers","Microsoft is stopping people getting hold of a key security update via net-based file- sharing systems." -"4","Long-awaited Doom 3 hits the UK","Doom 3 goes on sale in the UK at a time of renewed concerns over violence in video games." -"4","Britons embrace digital lifestyle","People in the UK are spending more time and money going digital, says communications watchdog Ofcom." -"4","PlayStation potential to learning","The PlayStation games console could be developed into a learning tool for children, says a Northumberland head teacher." -"4","'Invisible' technology for Olympics","Getting the technology in place for Athens 2004 is an Olympic task in itself." -"4","Satellite boosts Olympic security","An enhanced satellite location system aims to help Olympic security guards react more quickly to emergencies." -"4","3D holograms to crack forgeries","A 3D hologram technique could transform how experts spot forged signatures and other handwritten documents." -"4","Video games 'good for children'","Computer games can promote problem-solving and team-building in children, say games industry experts." -"4","Fake goods tempting young adults","Young people are increasingly happy to buy pirated goods or illegal download content from the net, a survey shows." -"4","Catwoman far from perfect","The Catwoman game is a major disappointment that feels like a pointless tie-in with the film." -"4","'Madden,' 'ESPN' Football Score in Different Ways"," PROVIDENCE, R.I. (Reuters) - Was absenteeism a little high on Tuesday among the guys at the office? EA Sports would like to think it was because ""Madden NFL 2005"" came out that day, and some fans of the football simulation are rabid enough to take a sick day to play it." -"4","AOL to Sell Cheap PCs to Minorities and Seniors"," NEW YORK (Reuters) - America Online on Thursday said it plans to sell a low-priced PC targeting low-income and minority households who agree to sign up for a year of dialup Internet service." -"4","Microsoft to Introduce Cheaper Version of Windows"," SEATTLE (Reuters) - Microsoft Corp. <MSFT.O> said it will begin selling a stripped-down, low-cost version of its Windows XP operating system in the emerging markets of Indonesia, Malaysia and Thailand in order to spread the use of computing and develop technology markets." -"4","Companies Approve New High-Capacity Disc Format"," LOS ANGELES (Reuters) - A group of consumer electronics makers said on Wednesday they approved the format for a new generation of discs that can store five times the data of DVDs at the same cost -- enough to put a full season of ""The Sopranos"" on one disc." -"4","Missing June Deals Slow to Return for Software Cos."," NEW YORK (Reuters) - The mystery of what went wrong for the software industry in late June when sales stalled at more than 20 brand-name companies is not even close to being solved although the third quarter is nearly halfway over." -"4","Microsoft Upgrades Software for Digital Pictures"," SEATTLE (Reuters) - Microsoft Corp. <MSFT.O> released on Tuesday the latest version of its software for editing and organizing digital photographs and images to tap into widespread demand for digital cameras and photography." -"4","Google to Pay Yahoo to Settle Patent Dispute"," SEATTLE (Reuters) - Google Inc. <GOOG.O> on Monday again boosted the number of shares it plans to sell in its initial public offering, saying it will issue 2.7 million shares to Yahoo Inc. <YHOO.O> to settle a lawsuit over technology used to display ads." -"4","A Digital Doctor Treats Computer Contamination","Unfortunately for users, computer equipment manufacturers and resellers don't adequately inform Windows users of the risks involved in accessing the Internet without proper security measures.<br><FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</b></font>" -"4","'SP2' a Must With XP Use","Service Pack 2, ""SP2"" for short, aims to stop viruses, worms, browser hijackings and worse by including security features that people have to add and adjust on their own. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-Rob Pegoraro</b></font>" -"4","Putting Your Own Stamp On All Your Parcels","Fido the Stamp is here. Well, he could be -- all it takes is for one dog owner to snap a digital photo of his beloved pooch, submit it to the Stamps.com Web site and order personalized postage. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-Leslie Walker</b></font>" -"4","Internet Challenges Face-to-Face Mingling","At Bungalow Billiards in Chantilly on Wednesday, about a dozen single parents from Northern Virginia gathered at happy hour to mingle, eat and drink. All were divorced or widowed members of the Fairfax chapter of Parents Without Partners." -"4","Forecast: Plenty of Activity On the Weather Blog Front","If it's possible to love something just because it could visit torrents upon the Washington region, fling hail from the skies and swell streams into rivers, then Jason Samenow is smitten." -"4","Google Starts Auction","Company launched the biggest electronic auction of stock in Wall Street history Friday but warned that it could face legal liability from a Playboy magazine interview in which some aspects of the Internet search engine's performance were overstated. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</b></font>" -"4","Bids Placed Despite Mixed News","Umesh Patel, a 36-year old software engineer from California, debated until the last minute." -"4","Antitrust Lawyer Takes Helm at FTC","As Deborah P. Majoras takes over the Federal Trade Commission on Monday, she's expected to build on the broad agenda set by her predecessor, Timothy J. Muris." -"4","GAO Calls Stryker Too Heavy for Transport","The Army's new medium-weight armored vehicle, the Stryker, weighs so much that it curtails the range of C-130 military cargo aircraft that carry it and under certain conditions make it impossible for the planes to take off, a new report for Congress found." -"4","BioVeris Settles 2 Lawsuits Against Chief Executive's Son","BioVeris Corp. announced yesterday that it settled two lawsuits against Jacob N. Wohlstadter, its chief executive's son, whom the company had accused of spending millions of dollars on cars and real estate to sabotage a joint venture he ran so he could purchase it for a bargain price." -"4","Google: Now Playboy's Latest Bunny","Investors in the company that's trying to come off as cute as a bunny could find themselves holding a fistful of vipers if the founders of Google Inc. continue to do things like show up in Playboy magazine around the same time their company is going public. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-washingtonpost.com</B></FONT>" -"4","EBay Buys Stake in Craigslist","Internet auctioneer eBay Inc. said Friday it acquired a 25 percent stake in craigslist, an online community of classified ads and forums. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-Associated Press</B></FONT>" -"4","Blog Interrupted","The instant message blinked on the computer at Jessica Cutler's desk in the Russell Senate Office Building. ""Oh my God, you're famous.""" -"4","Hungry world 'must eat less meat'","People will need to eat more vegetables and less meat because of dwindling water supplies, scientists say." -"4","Hopes soar for solo record plane","Richard Branson says the Virgin Global Flyer is looking good for its solo trip around the world without refuelling." -"4","Arctic team reaches destination","A team of British explorers, who are retracing the steps of a Victorian pioneer, have reached Thom Bay." -"4","Shuttle camera to watch fuel tank","The space shuttle's external fuel tank, implicated in the 2003 Columbia disaster, is to get its own camera." -"4","Hubble peers at celestial bubble","The Hubble Space Telescope has looked into a bubble of gas and dust being inflated by a young star's particles." -"4","Bacteria gives coral orange glow","Orange coral common to the Caribbean has bacteria to thank for its hue, say US marine scientists." -"4","Honey bees close museum ","A Worcestershire museum is forced to close for several weeks while a swarm of honey bees is removed." -"4","Clouds dash Perseids show","The annual Perseid meteor shower could provide a ""spectacular"" show, despite a disappointing start." -"4","Worms may slow Parkinson's","A protein which helps increase lifespan in worms offers hope for new Parkinson's and Alzheimer's treatments." -"4","Nasa help for stem cell study","UK tissue engineering experts are teaming up with NASA to find treatments for diseases back on Earth." -"4","TB test to slash infection rates","A rapid and accurate test for TB could cut infection rates around the world, say experts." -"4","Scientists given cloning go-ahead","The first request by British scientists to clone human embryos has been granted by experts." -"4","Vandals damage bird reserve","A disturbance free zone for nesting birds is put at risk by vandals who cut down the boundary fence." -"4","Heat waves set to become 'brutal'","Heat waves in the 21st Century will be more intense, more frequent and longer, US experts say." -"4","Monkeys test 'hardworking gene'","Scientists in the United States find a way to turn lazy monkeys into workaholics using gene therapy." -"4","Hearing clue to whale evolution","The evolution of whales from four-legged land dwellers into streamlined swimmers has been traced in fossilised ears, Nature reports." -"4","News: NASA Extends TRMM Operations Through 2004 Hurricane Season","NASA will extend operation of the Tropical Rainfall\Measuring Mission (TRMM) through the end of 2004, in light of a\recent request from the National Oceanic and Atmospheric\Administration (NOAA)." -"4","News: Climate Change Could Doom Alaska's Tundra","In the next 100 years, Alaska will experience a massive loss of its historic tundra, as global warming allows these vast regions of cold, dry, lands to support forests and other vegetation that will dramatically alter native ecosystems. (Oregon State University press release)" -"4","News: How Strongly Does the Sun Influence the Climate?","Researchers have shown that the Sun can be responsible for, at most, only a small part of the warming over the last 20-30 years. (Max Planck Society press release)" -"4","News: New England Forests at Greater Risk from Air Pollution","When it comes to forests, air pollution is not an equal opportunity hazard. While dirty air spreads across large areas of the New England region, it's more scattered in the southeastern part of the United States. (University of Wisconsin-Madison press release)" -"4","News: Warmer Weather, Human Disturbances Interact to Change Forests","While a rapidly changing climate may alter the composition of northern Wisconsin's forests, disturbances such as logging also will play a critical role in how these sylvan ecosystems change over time. (University of Wisconsin-Madison press release)" -"4","News: Duke Study Disputes Idea that Trees Can 'Relocate' Quickly in Response to Climate Change","In a study with implications for how North American trees might respond to a changing climate, molecular information collected by Duke University researchers refutes a widely accepted theory that many of the continent's tree species migrated rapidly from the deep South as glaciers retreated at the end of the last Ice Age. (Duke University press release)" -"4","News: Droughts Like 1930s Dust Bowl May Have Been Unexceptional in Prehistoric Times, New Study Suggests","Events like the great Dust Bowl of the 1930s, immortalized in ""The Grapes of Wrath"" and remembered as a transforming event for millions of Americans, were regular parts of much-earlier cycles of droughts followed by recoveries in the region, according to new studies by a multi-institutional research team led by Duke University. (Duke University press release)" -"4","News: New Study to Investigate Demise of Coral Reef Ecosystems","Scientists are embarking on a project which will explore how global warming is devastating one of the world's most diverse ecosystems, coral reefs. (University of Newcastle press release)" -"4","Natural Hazards: Typhoon Rananim","The MODIS instrument aboard NASA's Terra satellite captured this true-color image of Typhoon Rananim on August 12 at 2:40 UTC." -"4","Horseflies and Meteors","Like bugs streaking colorfully down the side window of a moving car, Earthgrazing Perseid meteors could put on a pleasing show after sunset on August 11th." -"4","Spinning Brains","One day, astronauts could zip across the solar system in spinning spaceships. How will their brains adapt to life onboard a twirling home where strange quot;Coriolis forces quot; rule?" -"4","What Neil Buzz Left on the Moon","A cutting-edge Apollo 11 science experiment left behind in the Sea of Tranquility is still running today." -"4","Voyager 1, Prepare for Action","At the outer limits of our solar system, a solar shock wave is about to overtake NASA's Voyager 1 spacecraft." -"4","Saturn Hailstorm","When Cassini reached Saturn On June 30th, it dashed through a gap in Saturn's rings, twice. One of onboard science instruments recorded a flurry of ring-dust harmlessly striking the spacecraft.\\" -"4","Dino-Size Spurt: T. Rex Teens Gained 5 Pounds a Day","New analysis of fossil bones indicates that adolescent <i>Tyrannosaurus rex</i> dinosaurs grew extremely rapidly, quickly reaching gigantic size." -"4","Fossils Show How Whales Evolved to Hear Underwater","Whale fossils found with tiny ear bones reveal for the first time how the ancestors of whales and dolphins developed their acute underwater hearing." -"4","Real ""Danny Deckchairs"" Soar With Just a Seat and Some Balloons","In the new movie <i>Danny Deckchair,</i> a truck driver ties party balloons to a chair and flies away. It's called cluster ballooning, and believe it or not, it's a real sport." -"4","""Unusually Good"" Meteor Shower Expected Tonight","Tonight's annual Perseid meteor shower is likely to be a spectacular show of shooting stars zipping across the night sky, according to astronomers." -"4","""Monster"" Waves Suprisingly Common, Satellites Show","Rogue waves #151;eight or more stories or higher #151;are freaks of the ocean once thought to be tall tales told by sailors. But now scientists have satellite evidence that the massive upwellings are not only real but also fairly common." -"4","Ancient Olympians Followed ""Atkins"" Diet, Scholar Says","What did the first Olympians eat? Food historians are scouring ancient texts to find out." -"4","U.S. Warrior Arms Africans to Hunt Sudanese Poachers","Armed poachers from Sudan have been raiding and destroying neighboring Central African Republic's wildlife resources for years. Now, with the help of a militant U.S. conservationist, the CAR populace is arming and training itself to fight back." -"4","Ancient Olympics Mixed Naked Sports, Pagan Partying","Nude athletes, performance-enhancing lizard meat, and animal sacrifices are just a few of the things that separate the ancient Olympics from the modern games, says the author of <i>The Naked Olympics.</i>" -"4","Travel Column: Offsetting Air Travel's Greenhouse Impact","Global warming is threatening travel destinations worldwide. What's more, travelers themselves are contributing to it. Find out what you can do about it." -"4","Magma Surge Moves Nevada Mountain, Study Says","Why did a Lake Tahoe-area peak move dramatically late last year? A new report says magma deep below surged upward, forcing the mountain to rise." -"4","266 Chimps From Lab Adopted by Florida Refuge","With an influx of chimps previously used as laboratory animals, Florida's Center for Captive Chimpanzee Care is transforming into the largest chimp sanctuary in the world #151;almost overnight." -"4","Locusts Inspire Technology That May Prevent Car Crashes","Locusts are commonly associated with plagues, food shortages, and death. But they are also inspiring what may be the next wave in lifesaving collision-avoidance systems." -"4","Progress Supply Ship Docks with Space Station","NASA -- An unpiloted Russian cargo ship linked up the International Space Station this morning to deliver almost three tons of food, fuel, oxygen, water and supplies to the residents onboard. The ISS Progress 15 craft automatically docked to the aft port of the Zvezda Service Module at 12:01 a.m..." -"4","Building Dedicated to Space Shuttle Columbia Astronauts","By BILL KACZOR PENSACOLA, Fla. (AP) -- A former dormitory converted to classrooms at the Pensacola Naval Air Station was dedicated Friday to two Columbia astronauts who were among the seven who died in the shuttle disaster Feb..." -"4","Undersea Habitat Becomes Experimental Space Hospital","NASA -- The days of doctors making house calls may seem like ancient history for most patients in North America, but in October, three astronauts and a Canadian doctor will test the latest concepts in long-distance house calls using a unique underwater laboratory. The ability to conduct long-distance health care such as telemonitoring and telerobotic surgery could be key to maintaining the wellness of future spacefarers and responding to medical emergencies on the International Space Station, the moon or Mars..." -"4","How Mars Fooled the World","The famous Orson Welles' radio broadcast of ""The War of the Worlds"" is about to hit the big screen, as film moguls Spielberg and Cruise bring the H.G. Wells' classic back into the popular imagination. Are we so clever today not be duped?" -"4","Chandra Catches Early Phase of Cosmic Assembly","Chandra X-Ray Observatory -- A NASA Chandra X-ray Observatory image has revealed a complex of several intergalactic hot gas clouds in the process of merging. The superb Chandra spatial resolution made it possible to distinguish individual galaxies from the massive clouds of hot gas..." -"4","Hubble Peers Inside a Celestial Geode","Hubble Space Telescope -- In this unusual image, NASA's Hubble Space Telescope captures a rare view of the celestial equivalent of a geode a gas cavity carved by the stellar wind and intense ultraviolet radiation from a hot young star. Real geodes are baseball-sized, hollow rocks that start out as bubbles in volcanic or sedimentary rock..." -"4","Saturn's Moon Titan: Prebiotic Laboratory","by Harry Bortman In this second and final part of the interview, Lunine explains how Huygens may help scientists understand the origin of life on Earth, even if it doesn't detect life on Titan. Astrobiology Magazine -- Titan is the only moon in our solar system with an atmosphere, and it is the organic chemistry that has been detected in that atmosphere that has sparked the imagination of planetary scientists like Lunine..." -"4","Sharpest Image Ever Obtained of a Circumstellar Disk Reveals Signs of Young Planets","MAUNA KEA, Hawaii -- The sharpest image ever taken of a dust disk around another star has revealed structures in the disk which are signs of unseen planets. Dr..." -"4","Chandra Celebrates Five Years of Scientific Breakthroughs","Marshall Space Flight Center -- On August 12, 1999, NASA's Chandra X-ray Observatory opened its sunshade doors for the first time, allowing celestial X-ray light to reach the observatory's mirrors. This one small step for the observatory proved to be a giant leap for science as Chandra began its mission to shed new light on a violent, mysterious universe invisible to the human eye..." -"4","Some Globular Clusters May Be Leftovers From Snacking Galaxies","Globular star clusters are like spherical cathedrals of light -- collections of millions of stars lumped into a space only a few dozen light-years across. If the Earth resided within a globular cluster, our night sky would be alight with thousands of stars more brilliant than Sirius." -"4","India Rethinks Plan for Manned Moon Mission","By S. SRINIVASAN BANGALORE, India (AP) -- India is rethinking its plan to send a man to the moon by 2015, as the mission would cost a lot of money and yield very little in return, the national space agency said Thursday..." -"4","Cluster Finds Giant Gas Vortices at the Edge of Earths Magnetic Bubble","European Space Agency -- ESAs quartet of space-weather watchers, Cluster, has discovered vortices of ejected solar material high above the Earth. The superheated gases trapped in these structures are probably tunnelling their way into the Earths magnetic bubble, the magnetosphere..." -"4","Saturn's Moon Titan: Planet Wannabe","by Henry Bortman Jonathan Lunine, professor of planetary science and physics at the University of Arizona's Lunar and Planetary Laboratory in Tucson, Arizona, has long been fascinated by Saturn's largest moon, Titan. In this first part of the interview, Lunine explains what scientists hope to learn from Huygens..." -"4","Knocking on Heaven's Door","The Milky Way is a vast, diverse neighborhood. If you're hoping to find Earthlike planets that may harbor life, you'll need to narrow the search. Stars are a good place to start, because the dusty discs around stars spawn young planets." -"4","China Begins Countdown for Next Manned Space Flight","By ELAINE KURTENBACH SHANGHAI, China (AP) -- Chinese astronauts are in the final stages of preparing for a manned space mission that will orbit the globe 14 times before returning to Earth, a state-run newspaper reported Thursday. The launch, expected sometime this month, will initially send a manned craft, the Shenzhou 5, into an oval orbit that at its closest will be 125 miles from Earth, the Liberation Daily reported, citing ""relevant channels."" After circling the earth several times, the ship will enter an orbit at about 220 miles from earth, the report said..." -"4","Trajectory Maneuver Brings Genesis Spacecraft Closer to Home","Jet Propulsion Lab -- Thirty days before its historic return to Earth with NASA's first samples from space since the Apollo missions, the Genesis spacecraft successfully completed its twentieth trajectory maneuver. At 12:00 Universal Time (5:00 a.m..." -"4","Japanese Lunar Probe Mission Facing Delays","TOKYO (AP) -- A lunar orbiter that Japan had planned to launch this year could face further delays, possibly until next year or later, because of a funding shortfall and problems developing the probe's information-gathering capabilities, Japan's space agency said Wednesday. The Japan Aerospace Exploration Agency, or JAXA, released a report to a government-run commission explaining expected delays to the launch of the \$135 million Lunar-A probe..." -"4","Progress Cargo Ship for ISS Launched From Russia","MOSCOW (AP) -- A Russian cargo ship loaded with supplies and equipment blasted off from the Baikonour cosmodrome in Kazakhstan on Wednesday headed for the international space station, a Russian space official said. The Progress M-50 ship took off at 1:03 a.m..." -"4","The Annual Perseid Meteor Shower","The annual Perseid meteor shower is coming, and forecasters say it could be unusually good. Like bugs streaking down the side window of a moving car, colorful Perseid Earthgrazers could put on a pleasing show after sunset this week." -"4","NASA Approves Robotic Hubble Repair Mission","(AP) -- NASA's chief is urging his Hubble Space Telescope team to press ahead with plans for a robotic repair mission to the aging observatory, saying, ""Let's go save the Hubble."" Administrator Sean O'Keefe says he will ask Congress for money to accomplish the job. He estimates it will take about \$1 billion to \$1.6 billion to develop and launch a robot to make the needed upgrades to keep the popular telescope running and to get it out of orbit once its work is through..." -"4","What Is a Comet Made Of?","UC Davis -- A new method for looking at the composition of comets using ground-based telescopes has been developed by chemists at UC Davis. Remnants from the formation of our solar system, the makeup of comets gives clues about how the Earth and other planets formed..." -"4","Dying Star Goes Out With a Ring","A new image from NASA's Spitzer Space Telescope shows the shimmering embers of a dying star, and in their midst a mysterious doughnut-shaped ring. The dying star is part of a ""planetary nebula"" called NGC 246. When a star like our own Sun begins to run out of fuel, its core shrinks and heats up, boiling off the star's outer layers." -"4","Lost Sleep Leads to Health Problems","Advice on how to get a good night's slumber and avoid future heart trouble HealthDayNews -- Lack of sleep can cause more than drowsiness; it can contribute to a number of health problems. Short-term effects of lack of sleep include increases in blood pressure and levels of stress hormones, according to an article in the August issue of the Harvard Heart Letter..." -"4","Which Diet is Best? The One That Works for You","By Kathleen Doheny, HealthDay Reporter HealthDayNews -- Gather together some diners who are trying to lose weight, then sit back and listen to the debate. Almost anyone who's on a diet -- or at least one that's working -- is convinced his or her plan is the best..." -"4","Clouds are Cooler than Smoke","Clouds help regulate the Earths climate by reflecting sunlight into space, thus cooling the surface. When cloud patterns change, they modify the Earths energy balance in turn, and temperatures on the Earths surface." -"4","Last Year's Flu Shot Imperfect But Effective","By Amanda Gardner, HealthDay Reporter HealthDayNews -- Last year's influenza vaccine was far from a perfect match against the virus that sickened people, but it offered more protection from the illness than experts had previously thought. In very young children, the shot was found to be 25 percent to 49 percent effective in preventing influenza-like illness, which is a suspected case of flu that wasn't confirmed in a laboratory..." -"4","Olympics Could Call Out the Couch Potatoes","As the 2004 Summer Olympics officially get underway Friday with an international broadcast of the opening ceremonies, health experts expect the Athens games to inspire couch potatoes to become more active. But, experts caution, amateurs, particularly sedentary ones, should not jump into a new sports activity without sufficient preparation." -"4","Skateboarding Offers a Tough Workout","By KRISTA LARSON SAYREVILLE, N.J. (AP) -- While the tennis courts at Kennedy Park are bare on a hot afternoon, parents keep dropping off teenagers at the skate park, home to all the day's action..." -"4","Rats May Help Unravel Human Drug Addiction Mysteries","By LAURAN NEERGAARD WASHINGTON (AP) -- Rats can become drug addicts. That's important to know, scientists say, and has taken a long time to prove..." -"4","Sting of Bug Bites Can Linger Into Adulthood","By Amanda Gardner, HealthDay Reporter HealthDayNews -- Contrary to popular belief, not all kids who are allergic to insect stings outgrow their sensitivity. Some people whose allergies left them in fear of bees, wasps, and the like as children still react to their stings as adults, but a new study offers relief: Allergy shots given in childhood can protect them for up to 20 years..." -"4","FDA Warns of Terrorist Prescription Drug Tampering","By DIEDTRA HENDERSON WASHINGTON (AP) -- ""Cues from chatter"" gathered around the world are raising concerns that terrorists might try to attack the domestic food and drug supply, particularly illegally imported prescription drugs, acting Food and Drug Administration Commissioner Lester M. Crawford says..." -"4","Scientists Probe Pacific Ocean for Dead Zones","His hand on a toggle switch and his eyes on a computer screen, Oregon State University graduate student Anthony Kirincich uses an array of scientific instruments to probe the vibrant waters of the Pacific. He is searching for the absence of life." -"4","Simultaneous Tropical Storms are Very Rare","The prospect that a tropical storm and a hurricane - or possibly two hurricanes - could strike Florida on the same day is something meteorologists say they have never seen. ""It's almost unheard of,"" state meteorologist Ben Nelson said." -"4","Deaths Raise Fears Over Stomach Stapling Surgery","By LINDA A. JOHNSON (AP) -- An obese Massachusetts woman and her 8-month-old fetus died of complications 18 months after stomach-stapling surgery, an apparent first that is leading to warnings about the risks of pregancy soon after the surgery..." -"4","Growth and Mortality Details of T. Rex Get Clearer","T. rex was one of the largest meat-eaters ever to walk the land when it died out some 65 million years ago. At an elephant-like 6 tons, it stretched about 40 feet to 45 feet long and measured about 13 feet tall at the hip. The adult skull alone was 5 feet long, with teeth up to a foot long." -"4","Britain Approves Human Cloning","By EMMA ROSS LONDON (AP) -- Britain granted its first license for human cloning Wednesday, more than three years after becoming the first nation to authorize the technique to produce stem cells for medical research. A team of researchers at Newcastle University hope eventually to create insulin-producing cells that could be transplanted into diabetic patients..." -"4","New Clot Preventer Saves Lives and Money","By Ed Edelson, HealthDay Reporter HealthDayNews -- A new anti-clotting drug for people having artery-opening procedures lowers the rate of complications, gets patients out of the hospital faster, and probably saves lives, a study finds. And it saves money to boot, says Dr..." -"4","The Eyes Are the Window to Hypertension","The tiniest blood vessels of the eye can provide a glimpse that may warn of future high blood pressure, Australian researchers report. That finding comes from a computerized analysis of special camera images of the retina, an experimental technique." -"4","Progress Is Made Battling Strep Germ","By LINDSEY TANNER CHICAGO (AP) -- Scientists say they are making headway in developing a vaccine against a common strep germ, the cause of millions of sore throats as well as a deadly but uncommon flesh-eating disease. A test of an experimental vaccine in just 28 people prompted an immune response with no serious side effects, but it's still not known if the shot would keep people from catching the strep germ..." -"4","Fake Drug Sales Problematic in Mexico","By MARK STEVENSON MEXICO CITY (AP) -- Mexican authorities are investigating the sale of fake or substandard medicine in a border town so popular among Americans seeking cheap medications that it has more pharmacies than streets. U.S..." -"4","New Allergy Vaccine Shows Promise","In the first trial of its kind, Austrian researchers have achieved success with an allergy vaccine using genetically engineered pollen. The findings are reported in this week's issue of the Proceedings of the National Academy of Sciences." -"4","First Lady Bashes John Kerry's Pro Stem Cell Stance","By RON FOURNIER LANGHORNE, Pa. (AP) -- First lady Laura Bush defended her husband's policy on embryonic stem cell research Monday, calling Democratic rival John Kerry's criticism ""ridiculous"" and accusing proponents of overstating the potential for medical breakthroughs..." -"4","Doctors Place Hope in Baby Pacemaker Devices","By LAURAN NEERGAARD WASHINGTON (AP) -- Four-month-old Damaris Ochoa was near death, born with an enlarged heart that was quickly giving out. Obtaining a transplant in time was a long shot..." -"4","Vending Machines Making Room for Healthy Products","By IRA DREYFUSS WASHINGTON (AP) -- The typical vending machine fare consists of chocolate bars and potato chips, leaving few options for people seeking low-calorie or low-salt snacks. That is changing now as companies develop markets for products they expect to satisfy both nutritionists and consumers..." -"4","Getting beyond the next big thing","McKinsey says a post-boom tech industry can profit mightily by taking stock in the operations of many slower-growth industries." -"4","If this is a tech rebound, pinch me","KnowledgeWharton goes inside the IT conundrum to examine why capital spending--and corporate confidence--remains low." -"4","Briefly: HP partners with 3G gear maker","roundup Plus: AMD starts shipping 90-nanometer chips...ABC.com to air on Real's SuperPass...Lenovo revenue grows, but problems persist." -"4","Judge moves to unseal documents in Oracle case","Says certain documents, which Oracle and others want to keep from eyes of rivals, may be necessary to decide case." -"4","Study: IT workers more optimistic","IT workers' confidence in the employment market kept growing in July, but techies are less happy with actual jobs than workers overall." -"4","California urged to use open source, VoIP","Authors of a performance review tell the beleaguered state government it could save millions of dollars by adopting open-source software and Internet-based phone calling." -"4","Gartner: 'Steer away' from cheap Windows XP","That's the research firm's verdict on Microsoft's stripped-down Starter Edition for developing countries." -"4","Oracle expands midmarket ambitions","Company looks to juice its application server business with a version tuned for smaller organizations." -"4","Taking the Microsoft Rorschach test","CNET News.com's Charles Cooper asks what it is about Microsoft that pushes so many people straight over the edge?" -"4","Earnings alert: BEA revenue rises amid turmoil","Plus: Dell meets expectations...Storage, servers bruise HP earnings...Healthy sales lift Cisco's profit." -"4","AMD starts shipping 90-nanometer chips","The chipmaker appears to have met its most recent deadline for production of the smaller-featured chips." -"4","Lenovo revenue grows, but problems persist","China's largest PC maker sees surge in profits but loses market share to multinational companies." -"4","Dell's second-quarter earnings meet expectations","CEO says firm saw no sales slowdown. Could results help calm waters after bad news from HP and Cisco?" -"4","Tech market indeed soft, but HP woes one of a kind","HP and Cisco spooked investors with recent comments about sales, but analysts say the overall tech market is still inching along." -"4","HP replaces three senior executives","Company follows up on promise of ""immediate management changes"" after disappointing earnings report, CNET News.com has learned." -"4","Meet the new boss, same as the old boss?","When heir apparent Paul Otellini takes the reins, what will the chipmaker look like?" -"4","IBM's mainframe momentum continues","Big Blue's ""dinosaur"" mainframe business gets a boost with a European customer consolidating SAP applications using Linux." -"4","Gateway alumnus resurfaces at HP","Former Gateway executive to lead consumer marketing efforts at Hewlett-Packard." -"4","Security pro: Windows easier to 'own'","Windows beats Linux in total cost of 'ownership.' Hold on, that's not a good thing." -"4","Securing the gold in Athens","Despite age-old Olympic truce known as the ekecheiria, or ""holding of hands,"" security experts aren't taking any chances.\" -"4","Hacker takes bite out of Apple's iTunes","The Norwegian hacker famous for cracking DVD encryption reveals the public key for AirPort Express." -"4","Microsoft touts 'Sender ID' to fight spam, scams","Proposed tech standard would verify senders' IP addresses to cut malicious phishing and annoying Viagra pitches." -"4","Begging for trouble on security","Securify founder Taher Elgamal says a patchwork mentality has effectively turned network security into an IT budget black hole." -"4","Microsoft's blast from the past","A year after the MSBlast worm, the software giant releases SP2 for Windows XP. Would it have stopped the fast-spreading virus?" -"4","MSBlast suspect pleads guilty","The 19-year-old faces up to 37 months in prison after admitting to creating the ""MSBlast.B"" variant." -"4","Microsoft plugs hole in Exchange","The patch fixes a flaw in the e-mail server software that could be used to get access to in-boxes and information." -"4","PC security under fire","A vulnerability in AOL's instant messenger could allow attacks. Also: A new Bagle variant rumbles across the Net." -"4","Flaw opens AOL chat software to intruders","Attackers could bombard PCs using instant messenger's ""away"" feature. AOL says a fix is imminent." -"4","HP partners with 3G gear maker","Major cell phone infrastructure provider plans to use HP's telecom software in 3G mobile network gear." -"4","Cox speed boost leaves some members behind","Not all of the cable company's broadband subscribers got a recent hike in bandwidth." -"4","Nortel wins Indian wireless contract","Nortel scores its first major wireless deal with an Indian service provider." -"4","Mosquito software bites smart phones","A possible Trojan horse hidden in an illegal cell-phone game hits smart phones using the Symbian operating system." -"4","Vonage hangs up on some callers","VoIP company suffers ""delays,"" the second glitch in two weeks. Those affected are told to reboot their adaptors." -"4","Group proposes faster Wi-Fi specification","Networking consortium submits proposal for faster Wi-Fi, as battle lines are drawn between rival groups." -"4","Some VoIP calls being blocked","Some Net phone users who are also broadband subscribers aren't receiving incoming calls. AT #38;T plans to release patch." -"4","Covad tries an end run","In a tough scrimmage against resurgent Baby Bells, the broadband pioneer flips open the VoIP playbook." -"4","FCC certifies Freescale ultrawideband technology","Freescale Semiconductor starts shipping its XS110 chip, which will help consumers to connect devices wirelessly." -"4","'Push to talk' meets Wi-Fi","FCC says cellular carriers are working on extending the walkie-talkie feature to Wi-Fi networks--which could mean to VoIP phones." -"4","PalmSource chairman to step down","The separation of PalmOne and PalmSource will be complete with Eric Benhamou's resignation as the latter's chairman." -"4","Blu-ray Disc spec approved","Next-generation DVD specification approved, clearing way for manufacturers to produce read-only disks." -"4","iPod chipmaker plans stock offering","PortalPlayer, whose chip powers Apple's MP3 player, files for IPO. Paperwork gives glimpse of potential evolution of iPod." -"4","Sony zooms in with new TV tech","Electronics giant develops new television technology to attack core business from a new angle." -"4","PalmOne to turn off wireless service","Handheld maker says it will close down its Palm.Net wireless e-mail and Web service soon." -"4","Apple puts edit tools in one basket","Bundle of professional video editing applications includes new Motion special-effects software." -"4","Microsoft wants to improve your image","New imaging software is making eyes at those squinty camera-phone pictures." -"4","DVD player profits down to \$1","Want to get into the market for DVD players? Intense competition and standardization mean that you might make more as a mime." -"4","Sharp brings 3D to PCs, without the funny specs","Firm brings tech already used in phones and laptops to desktops. Screen creates different pixel images for each eye." -"4","Report: Los Alamos lab needs better hardware inventory","In a report this week, the U.S. Department of Energy said inventory controls at the Los Alamos National Laboratory were not robust enough, and some computers were never entered into the lab's inventory database." -"4","Circuit City chooses Linux for cash registers in 600 stores","Circuit City this week bucked the trend of retailers opting for Windows-based point-of-sale systems by announcing plans to migrate to Linux-based IBM cash registers at its 600 stores." -"4","Training seen as way to counter offshoring","Edward Yourdon, a co-founder of the Cutter Consortium, says in an upcoming book that the threat of offshore outsourcing isn't restricted to U.S. software development jobs but to all kinds of knowledge work." -"4","Missing June deals slow to return for software companies","Software company executives at a CIBC World Markets conference this week cited a variety of reasons for why June sales slowed, from record oil prices to steep software discounting and regulatory distractions on accounting deadlines." -"4","VoIP gaining ground, despite cost concerns","The voice-over-IP market is growing, and by next year, 50 of all lines installed in the U.S. are expected to rely on VoIP technology -- despite continuing concerns that installations can be costly." -"4","Olympic IT security requires advance planning","If there's one thing the Atos Origin SA team understands as lead contractor for the Olympic IT infrastructure, it's that you must learn from your mistakes." -"4","BEA meets lowered expectations for Q2","Though BEA Systems signed 18 licensing deals worth \$1 million and added 488 new customers during the quarter, licensing revenue dropped to \$116.3 million." -"4","Hunt for XP SP2 flaws seen in full swing","Security experts said that while the new Service Pack 2 for Windows XP will bolster the operating system's security, hackers will still find a way to exploit any flaws." -"4","Tools wrap: Sun, Javalobby, Infravio make moves","Officials at Sun Microsystems, Javalobby, and Infravio this week revealed initiatives positioned as advances in either Java development or Web services consumption." -"4","Sender ID gains traction","Leading ISPs, anti-spam vendors, and e-mail software companies are moving quickly to add support for the Microsoft-backed anti-spam technology standard Sender ID, even as some e-mail experts raise doubts that the technology will work." -"4","Storage, servers brings down HP results","Hewlett-Packard blindsided analysts with news that its third- and fourth-quarter earnings would badly miss estimates primarily because of problems in its server and storage division." -"4","EBay takes stake in Craigslist","SAN FRANCISCO - Online auction giant eBay Inc. has acquired a 25 percent stake in San Francisco classified advertisements Web site Craigslist, the companies said Friday." -"4","AMD starts shipping 90-nanometer chips to customers","Advanced Micro Devices Inc.'s (AMD Inc.'s) 90-nanometer notebook processors are on their way to customers, according to a research note published by Goldman Sachs Co. Thursday.<p>ADVERTISEMENT</p><p><img src=""http://ad.doubleclick.net/ad/idg.us.ifw.general/ibmpseries;sz=1x1;ord=200301151450?"" width=""1"" height=""1"" border=""0""/><a href=""http://ad.doubleclick.net/clk;9824455;9690404;u?http://ad.doubleclick.net/clk;9473681;9688522;d?http://www.ibm.com/servers/eserver/pseries/campaigns/boardroom/index.html?ca=pSeries met=boardroom me=E P_Creative=P_InfoW_RSS"">Introducing IBM eServer p5 systems.</a><br/>Powered by IBMs most advanced 64-bit microprocessor (POWER5(tm)), p5 systems can run UNIX and Linux simultaneously. Learn more about eServer p5 systems.</p>" -"4","FCC mobile spam rule doesn't cover some SMS","A rule prohibiting mobile-phone spam adopted by the U.S. Federal Communications Commission (FCC) earlier this month doesn't prohibit phone-to-phone text messaging, but FCC officials believe the new rule, combined with a 13-year-old law, should protect U.S. mobile phone customers against unsolicited commercial e-mail." -"4","Benhamou will resign as chairman of PalmSource","Eric Benhamou will resign as chairman of PalmSource Inc. on Oct. 28, the company announced Friday. The company said it expects he will continue in his role as chairman of sister company PalmOne Inc." -"4","Update: Google raises gavel for IPO auction Friday","Google Inc. is opening the auction for its much-anticipated initial public offering (IPO) on Friday, with plans to announce the pricing of its stock next week." -"4","Olympic-size security demands advance planning","ATHENS -- If there's one thing the Atos Origin SA team understands as lead contractor for the Olympic IT infrastructure, it's that you must learn from your mistakes." -"4","EBay Buys into Craigslist","Auction company is apparently drawn to the classifieds model pioneered by community resource site." -"4","Is Microsoft's Firewall Secure?","Some say Win XP SP2 enhancements cause conflicts, don't protect as claimed." -"4","Newest Ad-Aware Exposes Some Users","Earliest adopters of updated program should download again to ensure full security." -"4","Trojan Bites Symbian Phones","Mobile phones are target of virus traveling through illegal version of the game Mosquitos." -"4","ATI Brings Digital TV to Your PC","HDTV Wonder snags free high-definition transmissions for budget viewing." -"4","MSN Adds Movie Downloads and Rentals","Microsoft partners with Blockbuster Online, CinemaNow, and MovieTickets.com on one-stop entertainment portal." -"4","Win XP Update: A Quiet Start","Little fallout reported from service pack, but maybe it's because everyone's being cautious." -"4","AOL Launches PC Line","AOL courts novices, Spanish-speakers with budget PC that includes a year of AOL service." -"4","Caregivers Carry Virtual Clipboard","Students design mobile data-access system for health-care workers." -"4","Blaster Author Pleads Guilty","Teen faces prison for unleashing malicious variant of MS Blaster worm last year." -"4","International Group Teams Against Spam","Task force plans antispam campaign, from education to cross-border legal efforts." -"4","Copiers Need Security, Too","Networked multifunction devices share PC vulnerabilities to worms, hackers." -"4","Intel Shows Wireless Transceiver","Prototype 90-nanometer radio chip promises more power than current CMOS technology." -"4","AOL, Yahoo Add New Antispam Tools","Services try different approaches to sender authentication to halt spam." -"4","Most Spam is Domestic, Study Says","Spammers aren't ducking antispam laws by operating offshore, they're just ignoring it." -"4","BlackBerries Play Politics","Wireless devices slip past anti-gadget policies to open a new communications channel to lawmakers." -"4","First Look at Quicken 2005","Intuit tweaks personal finance tool's usability, but update isn't essential if you're running a recent version." -"4","Dell Unveils Inexpensive Projector","New 2300MP digital model offers high brightness and resolution, at a low price." -"4","'Insider' Information Puts City Blogs on the Map","Locally focused group ""metro"" blogs -- compilations of events, reflections, recommendations, news and complaints -- are emerging to put a number of big cities in intimate, street-level relief." -"4","Judge Says Amazon, Toys 'R' Us Must Work Together","By Jeffrey Gold PATERSON, N.J.(AP) - A state judge ordered Toys ""R"" Us and Amazon.com to work together so the online retailer can abide by her order requiring Amazon to keep sellers on its Web site from listing products to which Toys ""R"" Us, which also markets through Amazon, has exclusive rights. Superior Court Judge Margaret M..." -"4","Google IPO Moves Ahead Despite Playboy Interview","Google Inc. (GOOG) forged ahead with its IPO auction Friday, even as the online search engine leader acknowledged a newly published magazine interview with its founders contained misleading information." -"4","EBay Buys 25 Percent Stake in Craigslist Network","By MAY WONG SAN JOSE, Calif. (AP) -- Online auctioneer eBay Inc..." -"4","Biometrics Creeping Into Everyday Life for Americans","Stuffing something in a public locker usually isn't a memorable experience. You drop a coin, take the key and move on. But at the Statue of Liberty, recently reopened after a two-year closure, stashing a package offers a glimpse into the future. To rent, close and reopen lockers, visitors touch an electronic reader that scans fingerprints." -"4","Dell Posts Another Quarter of Nice Earnings","By MATT SLAGLE DALLAS (AP) -- Offering a stark counterpoint to rival Hewlett-Packard Co., Dell Inc. (DELL) reported a nearly 30 percent jump in net income as strong sales of printers, servers and notched double-digit gains in overseas markets..." -"4","Playboy Article May Raise Concerns for Google","By MICHAEL LIEDTKE SAN FRANCISCO (AP) -- Google Inc. (GOOG)'s highly anticipated IPO faced a possible stumbling block Thursday with the release of a Playboy interview that the online search engine leader's co-founders gave just before the company filed its plans raise \$3 billion with its stock offering..." -"4","Hacker Cracks Apple's Music Streaming Technology","SAN JOSE, Calif. (AP) -- The Norwegian hacker famed for developing DVD encryption-cracking software has apparently struck again - this time breaking the locks on Apple Computer Inc..." -"4","Athens Wrestles to Avoid Cell Phone Outages","By MATT MOORE ATHENS, Greece (AP) -- Amid the roar of the crowd, the silence of the phones can be deafening. As thousands of athletes, spectators, journalists, officials and more descend on the Greek capital ahead of the Aug..." -"4","Battling Robots in Japan's Pop-Culture Tech","The ring sits in the spotlight of a tense, packed auditorium and the jittery fighters await the bell at their red and blue corners. Like any fight, there's always the danger of a punishing uppercut or left hook. But these boxers have even more worries like battery failure and software bugs." -"4","Minnesota Teen Pleads Guilty in Web Worm Hack Attack","By GENE JOHNSON SEATTLE (AP) -- A Minnesota high school senior pleaded guilty Wednesday in federal court to unleashing a variant of the ""Blaster"" Internet worm, which crippled more than a million computers last summer. Jeffrey Lee Parson, 19, of Hopkins, Minn., is likely to face 18 months to three years behind bars after pleading guilty to one count of intentionally causing or attempting to cause damage to a protected computer..." -"4","REVIEW: Windows XP Battens Down Hatches in Latest Patch","By MATTHEW FORDAHL (AP) -- With the latest update to Microsoft Corp. (MSFT)'s Windows XP operating system, personal computers will soon join parents, bosses, teachers and spouses as a source of nagging in your life..." -"4","Microsoft Unveils Windows XP 'Starter Edition'","Microsoft announced Wednesday it would offer a low-cost starter edition of its Windows XP operating system in Asia starting in October, as it strives to hold onto market share facing erosion from the open-source Linux system and software piracy." -"4","Google Sets Date for IPO","Google Inc. (GOOG) will close the registration process for its IPO auction Thursday, setting the stage for the online search engine leader's hotly anticipated stock market debut. Google plans to launch an unusual auction to sell 25.7 million shares shortly after closing the registration." -"4","321 Studios Reaches Settlement in DVD Copying Dispute","By JIM SALTER ST. LOUIS (AP) -- A company driven out of business by Hollywood and the video game industry over its DVD- and computer game-copying software has reached a settlement with the motion picture industry..." -"4","Microsoft Says Battle in Japan Hurting Image","By YURI KAGEYAMA TOKYO (AP) -- The head of Microsoft Corp. (MSFT)'s Japan unit acknowledged Tuesday that the U.S..." -"4","Sharp Introduces 3-Dimensional Computer Display","By MAY WONG SAN JOSE, Calif. (AP) -- Hoping to spur a 3-D revolution, Sharp Systems of America introduced Monday a new flat-panel computer display designed to deliver eye-popping images without the need for special glasses..." -"4","Google to Give Yahoo More Stock to Settle Dispute","Online search engine leader Google Inc. (GOOG) will surrender more than \$300 million of its stock to Yahoo Inc. (YHOO) in a settlement that removes a legal threat hanging over its IPO at the expense of enriching a nettlesome rival." -"4","Unprecedented Electronic Digital Net for Olympics","By MIRON VAROUHAKIS ATHENS, Greece (AP) -- If you're planning on attending this month's Olympic Games, you'd best be careful what you say and do in public. Software will be watching and listening..." -"4","Heat Turned Up on Streaming Video Patents","By JUSTIN POPE (AP) -- After a recent legal setback, a California company that claims its patents cover the streaming video technology used by adult Web sites is boosting efforts to collect money from a very different group of streaming video users: colleges and universities. Newport Beach, Calif.-based Acacia Media Technologies Corp..." -"4","Help's on the Way for Bad Dates Via Cell Phone","The peak time for dates from hell in New York City is Friday at 8 p.m. - judging by the cell phone calls delivering emergency excuses to bolt. Truth is, they're fake ""rescue"" calls - now being offered by two cell phone providers, Cingular Wireless and Virgin Mobile USA." -"4","Reading the Prospectus Critical to IPO Decisions","By MICHAEL J. MARTINEZ NEW YORK (AP) -- Ever read a company's Security and Exchange Commission filings? No? Consider yourself lucky..." -"4","Search Engine Forums Spotlight","Links to this week's topics from search engine forums across the web: SEMPO Next Steps Mike Grehan's Second SEMPO Article - Overture Bidding Cap - PPC Question for Merchants - SEO Firm Ordered to Refund Fees, Pay Fine - Tracking Past Links Traffic? - Google Settles Overture Patent Dispute - Advice on Site Structure" -"4","Another Expanded Whois Service","Doing in-depth investigation of a web site? Whois.sc offers a wealth of detail about the people and technology behind just about any web site on the planet." -"4","Capturing Your Personal Web","Forget bookmarks: Web content managers allow you to create your own personal, searchable cache of web pages." -"4","Yahoo Offers Anti-Spyware App","Tired of those unwelcome pests that invade your computer without permission? Banish intrusive spyware and tracking cookies with Yahoo's newly upgraded toolbar." -"4","Google, Yahoo Settle Patent and Share Disputes","Google and Yahoo announced today that they have resolved two contentious issues between the companies. " -"4","Search Engine Forums Spotlight","Links to this week's topics from search engine forums across the web: Live Reports from Search Engine Strategies San Jose 2004 - PPC Bounce Rate - Google AdWords Myths - After SEMPO: Should We Start a Trade Association? - Search Inventory vs. Conversion - Terra Sells Lycos at Yard Sale Price" -"4","eBay Buys 25 of CraigList","eBay Buys 25 of craiglist\\eBay Inc. today purchased a 25 percent pre-existing minority stake in San Francisco-based craigslist, a popular online network of classified ads and forums. The 25 stake was purchased from a former craigslist employee who first contacted eBay with the proposed sale, according to craigslist officials.\\With dedicated ..." -"4","Getting Around Search Engine Optimization Roadblocks","Getting Around Search Engine Optimization Roadblocks\\Today, I will cover the most difficult technologies and techniques to work with. While each of these technologies, techniques and designs have a useful purpose for web-designers, webmasters and general office staff tasked with keeping the site up to date, they each also present problems ..." -"4","Search Engine Marketing Mistakes Retailers Need to Avoid","Search Engine Marketing Mistakes Retailers Need to Avoid\\According to a recent survey conducted by Shop.org and Forrester, in 2003, online retail sales jumped 51 to reach \$114 billion with 79 of all online retailers (etailers) were profitable. Online sales are expected to reach 6.6 percent of total retail sales in ..." -"4","Does Playboy Interview Violate Google IPO?","Does Playboy Interview Violate Google IPO?\\On the day of the IPO comes more Google controversy - Google rsquo;s founders will appear in an upcoming issue of Playboy magazine. Although the interview was apparently held before the IPO hype, the Playboy interview may have broken US Securities laws over pre-IPO #8220;quiet ..." -"4","Google IPO Bidding Opens","Google IPO Bidding Opens\\Google's IPO bidding is officially open. Google and its underwriters expect to open the auction for the shares of Google rsquo;s Class A common stock at 9:00 a.m. EST (press time) on Friday, August 13, 2004. Google bidders must have obtained a bidder ID from ipo.google.com if you ..." -"4","Claria Cancels \$150 million IPO","Claria Cancels \$150 million IPO\Contextual advertising and pop up company Claria Corp. has canceled plans for a \$150 million initial public offering due to ""current market conditions,"" it said in a regulatory filing on Wednesday.\\Claria, which filed its original prospectus in April of this year, had not disclosed the number ..." -"4","Google IPO Registration Ends Today","Google IPO Registration Ends Today\\Google has set their IPO registration deadline at today for investors to register for the Google initial public offering.\\Investors wishing to participate in Google's initial public offering have until 5 pm today to register for the auction at ipo.google.com, according to a statement issued Tuesday on ..." -"4","Thoughts on the Google IPO","About the Google IPO\\For the past nine months the financial and Internet world has been watching Google in anticipation of what could be the largest Initial Public Offering of stock in history. If you are reading this column and have not been living on Mars for the past year, you ..." -"4","Avoid Search Engine Blacklisting","Avoid Search Engine Blacklisting\\The best way to avoid being blacklisted by the search engines is to avoid using some questionable techniques that were once popular to gain high rankings. Even if your website is not blacklisted by using some of the techniques below, it may be penalized (buried in the ..." -"4","Google Index Database to be Archived?","Google Index Database to be Archived?\\TechDirt reports that the San Jose Mercury News is running an article about Brewster Kahle's Internet Archive - Archive.org. While he's been profiled many times before, the one interesting tidbit to slip out this time is that Kahle has asked Google to donate their database ..." -"4","News: U.S. tackles Emergency Alert System insecurity","The FCC acknowledges that the government-mandated network that lets officials interrupt radio and television broadcasts in an emergency is vulnerable to electronic tampering.\" -"4","News: UK police issue 'vicious' Trojan alert","Britain's top cybercrime fighters have joined up with the banking industry today in warning of the latest attempt to defraud online banking customers.\" -"4","News: UK scientists roll out Wi-Fi proof wallpaper","British boffins have developed wallpaper that blocks Wi-Fi traffic but still allows other wireless transmissions to pass through in a bid to prevent unauthorised access to sensitive data via the WLAN.\" -"4","Infocus: Examining a Public Exploit, Part 1","The purpose of this article is to analyze a public exploit in a lab environment, see the alerts generated by an intrusion detection system, and then do some packet analysis of the malicious binary in order to better understand it." -"4","Infocus: Deploying Network Access Quarantine Control, Part 1","This article discusses Network Access Quarantine Control with Windows Server 2003, which allows administrators to quarantine mobile users before giving them full network access, by first ensuring these machines are up-to-date according to a baseline security model." -"4","Infocus: Data Driven Attacks Using HTTP Tunneling","In this article we will look at a means to bypass the access control restrictions of a company's router or firewall. This information is intended to provide help for those who are legitimately testing the security of a network (whether they are in-house expertise or outside consultants)." -"4","Infocus: Wireless Attacks and Penetration Testing (part 3 of 3)","This third and final part of the wireless pen-test series looks at how to mitigate the security risks outlined in the previous articles, and then looks at some proposed solutions currently in front of the IETF." -"4","Columnists: The Panacea of Information Security","Step away from all the vendor hype. The one device that will always be the best tool for information security is a competent security professional." -"4","Columnists: Redmond's Salvation","Service Pack 2 for XP represents a sea change in Microsoft's security posture. Here's why you should ignore the naysayers and start planning your upgrade.\" -"4","Elsewhere: Blaster B Virus Creator Pleads Guilty","A 19-year-old man has pleaded guilty to infecting thousands of businesses and U.S. government computers with the Blaster B virus.\\Jeffrey Lee Parson of Hopkins, Minnesot..." -"4","Animating for the Super Bowl","Against an impossible deadline, a small team at Sony Cinematics Solutions Group created a two-minute animated promo to prove that a tech-savvy group could do dazzling broadcast work. Aug 13" -"4","Apple Ships Motion","Apple has begun shipping Motion, which delivers high-performance, real-time motion graphics design and integration with Final Cut Pro HD and DVD Studio Pro 3, at a breakthrough price of \$299. Aug 10" -"4","Apple Introduces Production Suite","Production Suite, essential software suite for film and video that delivers real-time production tools in one comprehensive and integrated package, combines Final Cut Pro HD, Motion and DVD Studio Pro 3. Production Suite is available now for a suggested retail price of \$1,299. Aug 10" -"4","iTunes Music Store Catalog Tops One Million Songs","The iTunes Music Store now has more than one million songs available for download in the US, the first online digital music service to offer consumers a million-song catalog. Aug 10" -"4","Technology as Fashion","Analyzing the success of the iPod mini in Japan, JapanConsuming writes, #147;The iPod mini is in fact one of those all too rare examples of an ideal product for the Japanese market. It is a product that does something useful, does it really well, and looks terrific too. None of these factors on their own is enough to make the iPod mini a success; their combination, through deft and creative implementation of function, is what makes the difference. Add in some tried and tested limited supply marketing, a store that looks as good as Louis Vuitton and a high impact award winning advertising campaign that has covered Tokyo in pink, green and yellow for weeks, and some of the reasons for the iPod mini phenomenon can be understood. #148; Aug 10" -"4","Creating Stunning DVDs"," #147;No other DVD authoring program in the \$500 price class is capable of creating such stunning, highly creative DVDs as Apple #146;s DVD Studio Pro 3, #148; writes PC Magazine. #147;For video pros looking to take their productions to the next level, it #146;s worth a serious look. #148; Aug 4" -"4","Revolutionizing Flow Cytometry","Dr. Mario Roederer and Adam Treister at Stanford University wrote FlowJo, Mac OS X analysis software for flow cytometers, high-speed, automated microscopes. Today, some 15,000 to 20,000 cytometers in use are Mac based. Aug 3" -"4","PowerSchool University","Attendees at this year #146;s PowerSchool University ramped up their student information system skills with the new PowerSchool 4.0 and augmented their development activities through peer networking. Aug 3" -"4","Guitar Player Honors GarageBand","Guitar Player magazine announced during the summer NAMM show in Nashville that it has awarded GarageBand the magazine #146;s reader #146;s choice for Best Software of 2004. Jul 29" -"2","Phelps, Thorpe Advance in 200 Freestyle (AP)","AP - Michael Phelps took care of qualifying for the Olympic 200-meter freestyle semifinals Sunday, and then found out he had been added to the American team for the evening's 400 freestyle relay final. Phelps' rivals Ian Thorpe and Pieter van den Hoogenband and teammate Klete Keller were faster than the teenager in the 200 free preliminaries." -"2","Reds Knock Padres Out of Wild-Card Lead (AP)","AP - Wily Mo Pena homered twice and drove in four runs, helping the Cincinnati Reds beat the San Diego Padres 11-5 on Saturday night. San Diego was knocked out of a share of the NL wild-card lead with the loss and Chicago's victory over Los Angeles earlier in the day." -"2","Dreaming done, NBA stars awaken to harsh Olympic reality (AFP)","AFP - National Basketball Association players trying to win a fourth consecutive Olympic gold medal for the United States have gotten the wake-up call that the ""Dream Team"" days are done even if supporters have not." -"2","Indians Beat Twins 7-1, Nearing AL Lead (AP)","AP - The Cleveland Indians pulled within one game of the AL Central lead, scoring four runs in the first inning and beating the Minnesota Twins 7-1 Saturday night behind home runs by Travis Hafner and Victor Martinez." -"2","Galaxy, Crew Play to 0-0 Tie (AP)","AP - Kevin Hartman made seven saves for Los Angeles, and Jon Busch had two saves for Columbus as the Galaxy and Crew played to a 0-0 tie Saturday night." -"2","USC Begins Season Where It Ended, at No. 1 (AP)","AP - Southern California will begin defense of its first national title in 31 years as the No. 1 team in the nation. The Trojans earned the top spot in the preseason Associated Press poll released Saturday by receiving 48 of 65 first-place votes and 1,603 points." -"2","Italy's Pennetta Wins Idea Prokom Open (AP)","AP - Italy's Flavia Pennetta won the Idea Prokom Open for her first WTA Tour title, beating Klara Koukalova of the Czech Republic 7-5, 3-6, 6-3 Saturday after French Open champion Anastasia Myskina withdrew before the semifinals because of a rib injury." -"2","Tough Race Ahead for Swimmer Phelps"," ATHENS (Reuters) - Michael Phelps, his first gold medal safely gathered in, eased through the next phase of his monumental Olympic challenge in the heats of the 200 meters freestyle Sunday but the immensity of the task ahead was clear." -"2","Iranian Will Not Meet Israeli in Olympics Due to Weight"," ATHENS (Reuters) - A diplomatic wrangle of Olympic proportions was avoided Sunday when Iranian world judo champion Arash Miresmaeili failed to make the weight for his clash with an Israeli opponent." -"2","Tiger Runs Out of Steam After Storming Start"," KOHLER, Wisconsin (Reuters) - Tiger Woods failed to make the most of a red-hot start in the U.S. PGA Championship third round on Saturday, having to settle for a three-under-par 69." -"2","Colander Misses Chance to Emulate Jones"," ATHENS (Reuters) - But for a decision that enraged her coach, LaTasha Colander might have been the Marion Jones of the Athens Olympics." -"2","AL Wrap: Olerud Cheers Yankees by Sinking Ex-Team"," NEW YORK (Reuters) - John Olerud sunk his former team by recording a two-run single in the eighth inning to drive in the go-ahead runs which earned the New York Yankees a 6-4 win over the host Seattle Mariners in the American League Saturday. " -"2","NL Wrap: Jones Homers Twice as Braves Down Cards"," NEW YORK (Reuters) - Chipper Jones cracked two homers and Julio Franco's two-run double in the seventh inning drove in the winning runs as the streaking Atlanta Braves downed the St. Louis Cardinals 9-7 in the National League Saturday." -"2","Olympics-Doping-Greek Media Put Country's Honor Above Athletes"," ATHENS (Reuters) - The honor of Greece lies above individual athletes and no backstage antics should compromise it, Greek media said Sunday, after the country's top athletes were suspended from the team under a cloud of doping suspicion." -"2","Olympics-Rowing-U.S. Eight Beats Canada to Set World Best Time"," ATHENS (Reuters) - The United States beat Canada in a world best time to qualify for the final of the men's Olympic eights race Sunday, as the two crews renewed their fierce rivalry in front of a raucous crowd at Schinias." -"2","Singh Leads, but Leonard Is Following","Avoiding the late trouble that knocked other contenders off track, Vijay Singh held a one-stroke lead over Justin Leonard heading into the final round of the P.G.A. Championship." -"2","Olerud Bails Out Loaiza in His Latest Bungled Audition","John Olerud reveled in his return to Safeco Field by slapping a two-run single that lifted the Yankees and saved Esteban Loaiza from a defeat." -"2","Family circle","Family Day in the Fens means fun and games to most folks. Players toddle around the bases with wide-eyed kids. Mothers beam. Children smile. All is bliss on the sun-splashed emerald lawn." -"2","Notables","The Yankees' Alex Rodriguez , who missed Friday night's game with the flu and stayed back at the team hotel yesterday, dropped his appeal of a four-game suspension issued for his involvement in the July 24 brawl at Boston and began serving the penalty. He won't be eligible to play until Thursday at Minnesota." -"2","Cubs get delivery from Wood","Kerry Wood homered and allowed four hits in eight innings, leading the Chicago Cubs over the visiting Los Angeles Dodgers, 2-0, yesterday." -"2","Leskanic winning arms race","With Scott Williamson bracing for a potentially grim diagnosis of his latest elbow injury, the Red Sox last night appeared poised to move on without him as Curtis Leskanic inched closer to rejoining the club. The Sox initially indicated they would make an announcement last night on Williamson's injury but changed their position during the first inning of the game ..." -"2","Rehabbing his career","Player introductions at the final Citizens Bank Summer Caravan stop produced an awkward moment. Walter McCarty and Raef LaFrentz were the featured guests for the free basketball clinic at the Cambridge Family YMCA late last week. McCarty's presence yielded chants of quot;Walter, Walter quot; from the crowd of 125 kids. LaFrentz left the young fans wondering, quot;Who is he? quot; The projected ..." -"2","Warmer and wilder","HAVEN, Wis. -- Perched high on the bluffs overlooking Lake Michigan, Whistling Straits is a massive, windswept landscape, as large a golf course as \$40 million can buy. It is complete with sand dunes that could double as ski slopes and deep bunkers that should require elevators." -"2","Greek runners are suspended","ATHENS -- Star sprinters Kostas Kenteris and Katerina Thanou were suspended yesterday from the Greek Olympic team for missing drug tests, but their fate was left in the hands of the International Olympic Committee." -"2","Throwbacks: Gannon, Collins in good form","Rich Gannon , the 2002 NFL MVP who was knocked out of the Raiders' loss to Kansas City last Oct. 20 and had shoulder surgery in November, was 9 for 15 for 69 yards in visiting Oakland's 33-30 exhibition win over the San Francisco 49ers last night." -"2","Enough to make you flip","Friday night came as close to an old-time local battle for viewers among Channels 4, 5, and 7 as we're likely to see. It was a throwback to pre-cable, pre-dish, and even pre-UHF days as the three local quot;originals quot; served up a special night of sports programming. Although Red Sox-White Sox was on Channel 4's quot;sister quot; station, Channel 38, it ..." -"2","For Revolution, this tie looks good","WASHINGTON -- Rookie Andy Dorman didn't even have time to get his white, long-sleeved jersey smudged on the sloppy RFK Stadium field last night before salvaging a 2-2 tie for the Revolution against D.C. United. Fifty-five seconds after entering the game as a late substitute, Dorman buried a low shot from inside the penalty area and extended his team's unbeaten ..." -"2","Sing Me Back Home matches track mark","OCEANPORT, N.J. -- Sing Me Back Home pulled away in the stretch to win the \$60,000 Decathalon Handicap at Monmouth Park yesterday, equaling the track record for 5 furlongs." -"2","Haas in fine form","HAVEN, Wis. -- If he were acting his age, Jay Haas would have had the weekend off, resting on his laurels and reaping the benefits of the nice-and-easy Champions Tour." -"2","USC starts at the top","Southern California greeted news of its first preseason No. 1 ranking since 1979 with ambivalence." -"2","'Gardening' costs Appleby -- in spades","HAVEN, Wis. -- For 18 holes, Stuart Appleby played flawless golf in yesterday's third round, four birdies and 14 pars. It wasn't until he was done playing that he discovered that it wasn't as good a day as he had thought, that he had made a quadruple bogey." -"2","Hungarian GP, Qualifying","Fifth and ninth for Fernando and Jarno following qualifying for tomorrow's Hungarian Grand Prix." -"2","Budapest, Free Practice 3 and 4: A tight battle in store","The teams have just finished their final preparations for the race and qualifying, in much lower temperatures than yesterday." -"2","Overtaking at Budapest? Its possible","The Renault F1 Team drivers explain how you can make up positions at the Hungarian circuit." -"2","Budapest, Day 1: everythings on track","The Renault F1 Team ran through its programme without worrying about the timesheets or its rivals. The focus has been on Sundays race, not Fridays glory." -"2","Hungarian GP, Friday Round-Up","Fernando tenth and Jarno seventeenth but no cause for concern, while Pat Symonds explains the challenges of Fridays at the race." -"2","Redskins Get the Boot","A fourth-quarter lead proves fleeting for the Redskins as John Kasay hits a 52-yard field goal Saturday to give the Panthers a 23-20 overtime win." -"2","Trojans Open Up No. 1","Defending national champion USC begins the 2004 season right where it left off the year before - as the top ranked team in the AP Top 25 poll." -"2","Offense Needs Work","There were few offensive highlights during Virginia Tech's first scrimmage of fall practice on Saturday." -"2","Huey Exits Early","Treat Huey, the two-time All-Met Player of the year, suffered a 6-2, 6-0 loss to 29-year-old journeyman Mashiska Washington, the younger brother of former pro and 1996 Wimbledon finalist Malivai." -"2","True Sensation Wins A Wet One at Pimlico","BALTIMORE, Aug. 14 -- Even before Hurricane Charley ranged up the East Coast and began to drop its drizzle on Pimlico Race Course, the \$75,000 All Brandy Stakes for Maryland-bred fillies and mares had been taken off the track's beat-up turf course." -"2","Lynx Infielder Fontenot Has 'Pretty Good Pop for His Size'","At 5 feet 8, 160 pounds, second baseman Mike Fontenot looks more like the Class AAA Ottawa Lynx's batboy than one of the Baltimore Orioles' top prospects." -"2","Australia, U.S. Set Record","The U.S. women's and men's eights team both set world bests in the Olympic rowing competition Sunday along with Australian pair Sally Newmarch and Amber Halliday." -"2","Phelps On Relay Team","Michael Phelps is named to the 4x100-meter freestyle relay team that will compete in Sunday's final, keeping alive his quest for a possible eight Olympic gold medals." -"1","Venezuelans Vote Early in Referendum on Chavez Rule (Reuters)","Reuters - Venezuelans turned out early\and in large numbers on Sunday to vote in a historic referendum\that will either remove left-wing President Hugo Chavez from\office or give him a new mandate to govern for the next two\years." -"1","S.Koreans Clash with Police on Iraq Troop Dispatch (Reuters)","Reuters - South Korean police used water cannon in\central Seoul Sunday to disperse at least 7,000 protesters\urging the government to reverse a controversial decision to\send more troops to Iraq." -"1","Palestinians in Israeli Jails Start Hunger Strike (Reuters)","Reuters - Thousands of Palestinian\prisoners in Israeli jails began a hunger strike for better\conditions Sunday, but Israel's security minister said he\didn't care if they starved to death." -"1","Seven Georgian soldiers wounded as South Ossetia ceasefire violated (AFP)","AFP - Sporadic gunfire and shelling took place overnight in the disputed Georgian region of South Ossetia in violation of a fragile ceasefire, wounding seven Georgian servicemen." -"1","Rwandan Troops Arrive in Darfur (AP)","AP - Dozens of Rwandan soldiers flew into Sudan's troubled Darfur region Sunday, the first foreign armed force deployed in the area since Arab militiamen began a rampage against black African farmers, killing thousands." -"1","Rwanda Troops Airlifted to Start AU Mission in Darfur (Reuters)","Reuters - Rwandan troops were airlifted on Sunday\to Sudan's Darfur as the first foreign force there, mandated to\protect observers monitoring a cease-fire between the Sudanese\government and rebels in the troubled western region." -"1","Bomb at India Independence Parade Kills 15 (AP)","AP - A bomb exploded during an Independence Day parade in India's remote northeast Sunday, killing at least 15 people, including schoolchildren, while a rocket attack during a celebration at a school in the separatist region of Kashmir injured 17, officials said." -"1","Australian FM to visit North Korea for talks on nuclear crisis (AFP)","AFP - Australia's foreign minister will pay a rare visit to North Korea this week for talks on its nuclear programme after creating a stir here by warning a North Korean missile would be able to hit Sydney." -"1","Kerry Campaign Helping With Fla. Recovery (AP)","AP - Democratic presidential candidate John Kerry does not plan to visit Florida in the aftermath of Hurricane Charley because he's concerned his campaign entourage could distract from recovery efforts, he said Saturday." -"1","Edwards Calls for Changes to Drug Plans (AP)","AP - Democratic vice presidential candidate John Edwards called for changes to prescription drug programs and praised running mate John Kerry's military and government service at an outdoor campaign rally here Saturday." -"1","Kerry leading Bush in key swing states (AFP)","AFP - Although polls show the US presidential race a virtual dead heat, Democrat John Kerry appears to be gaining an edge over George W. Bush among the key states that could decide the outcome." -"1","Democratic Senator Urges Energy Reform (AP)","AP - Congress must pass legislation to protect the nation's electricity grid if it wants to avoid repeats of the devastating outages that rolled across eight states last year, Sen. Maria Cantwell, D-Wash., said Saturday." -"1","Missouri Attorney General Sues EPA (AP)","AP - Missouri's attorney general sued the federal environmental agency on Friday, saying it is behind on testing the state's air for lead as required by law." -"1","Mortars Mark Opening of Iraqi Political Conference"," BAGHDAD (Reuters) - Insurgents fired mortars at a meeting where Iraqi leaders met to pick an interim national assembly Sunday, killing at least two people in a grim reminder of the country's tortured path toward democracy." -"1","Japan Ministers Pay Homage at Shrine for War Dead"," TOKYO (Reuters) - Three Japanese ministers paid homage at a controversial shrine for war dead Sunday, the 59th anniversary of Japan's World War II surrender, a move that drew anger from Asian neighbors." -"1","Najaf battle a crucial test for Allawi","Clashes between US troops and Sadr militiamen escalated Thursday, as the US surrounded Najaf for possible siege." -"1","Who are Ch #225;vez's opponents?","On Sunday, Venezuelans will decide whether to cut short the president's term, which is due to end in 2006." -"1","Eye on Athens, China stresses a 'frugal' 2008 Olympics","Amid a reevaluation, officials this week pushed the completion date for venues back to 2007." -"1","Tense Iraq debates new assembly","Talks on setting up an Iraqi assembly continue despite fresh violence in Baghdad and the Shia stronghold of Najaf." -"1","Venezuelans vote on Chavez rule","A referendum is under way in Venezuela to decide if President Hugo Chavez should remain in office." -"1","Pope celebrates Mass in Lourdes","An ailing Pope John Paul II says Mass at Lourdes, the French shrine revered by Roman Catholics." -"1","Rwandan soldiers arrive in Sudan","Rwandan troops arrive in Sudan to help protect ceasefire monitors in the war-ravaged Darfur region." -"1","Thorpe leads big guns","Ian Thorpe sets the fastest time in the 200m freestyle as swimming's top names cruise into the semi-finals." -"1","Mystery over judo 'protest'","Iran's Arash Miresmaili withdraws from the Olympics amid confusion over his reasons." -"1","Jackson probe 'should be public'","Santa Barbara's sheriff asks a judge if he can release the results of an inquiry into Michael Jackson's treatment by police." -"1","Rumsfeld warning for Iraq's Sadr","The Iraq crisis and differences over Nato loom over the US Defence Secretary's meeting with his Russian counterpart." -"1","South Ossetia ceasefire discussed","Georgia and South Ossetia negotiate the details of a truce they forged, despite reports of a village attack." -"1","'Mock executions' for UK hostage","The British journalist who was kidnapped in Iraq says he faced mock executions and tried to escape his captors." -"1","India carries out rare execution","A man convicted of raping and killing a schoolgirl is hanged in India's first execution in nine years." -"1","Rowling reads to gathered fans","Harry Potter author JK Rowling delights a small group of fans by giving her first public reading in Scotland for four years." -"1","President's fate is on the line in Venezuela","CARACAS -- Partisans on both sides are calling it the most polarized and important election in Venezuela's history, a presidential recall referendum today that will determine the course of democracy here and could buffet world oil prices. Both campaigns are also utterly convinced they will win." -"1","Lamenting London's double-deckers Up-to-date buses supplant symbol","LONDON -- On a sweltering August afternoon, George Watson wedged himself, his briefcase, his sports jacket, and his raincoat into a narrow seat aboard the profoundly un-air-conditioned No. 38 bus, as it resumed its rumble down High Holborn, in London's bustling city center." -"1","Clash among warlords casts doubt on Afghanistan's security","KABUL, Afghanistan -- Rival militias clashed in western Afghanistan yesterday, reportedly killing 21 people and ramping up concern about security as the country prepares for landmark elections." -"1","Options running out as Najaf talks collapse","BAGHDAD -- After more than a week of fighting between the Mahdi Army and the combined US and Iraqi forces in Najaf, Baghdad's Sadr City, and a half-dozen other cities, analysts say neither interim Prime Minister Iyad Allawi nor radical cleric Moqtada al-Sadr had any good options left other than to talk." -"1","Japanese youths' rage fuels wave of violent crime","SASEBO, Japan -- On a cloudless afternoon in this sleepy port city, an 11-year-old girl drenched in blood and clutching a box cutter walked into the lunchroom at her elementary school. Teachers and students froze, assuming the sixth-grader known for her lighthearted nature had gravely hurt herself -- but she quickly dispelled that impression, witnesses said, by uttering a few ..." -"1","NATO proclaims victory in Bosnia","SARAJEVO, Bosnia-Herzegovina -- When NATO forces first came to Bosnia nearly a decade ago, they lived in heavily guarded compounds, patrolled the streets in tanks, and often wore full body armor." -"1","Koreans of mixed race tackle a prejudice","SEOUL -- For years, Lee Yu Jin kept her secret. Whenever anybody asked -- and they did all the time as her celebrity as an actress and model spread -- she simply denied the rumors. No, she was not a foreigner. She was Korean." -"1","Venezuela Holds Referendum on President","CARACAS, Venezuela - The opposition's long and bitter campaign to oust Venezuelan President Hugo Chavez finally came down to a recall referendum Sunday, with the leftist leader hoping a huge turnout among the poor will keep him in power. Activists on both sides set off fireworks and blared recordings of bugle music to wake voters hours before dawn, hoping for a flood of early votes in their favor..." -"1","Floridians Return to Storm-Ravaged Homes","PUNTA GORDA, Fla. - After getting a first look at the widespread damage left behind by Hurricane Charley, Florida residents were faced with the arduous task of sorting through the wreckage, and for some, starting over again..." -"1","Charley May Not Spike Insurance Premiums","MIAMI - Hurricane Charley probably will not cause Floridians' insurance premiums to skyrocket like 1992's Andrew, and fewer insurers should go bankrupt from paying out damages expected to reach the billions of dollars, state and industry officials said Saturday. They say previous premium increases and overhauls made because of Andrew, the most expensive natural disaster in U.S..." -"1","Florida Residents Face Hurricane Wreckage","PUNTA GORDA, Fla. - After getting a first look at the widespread damage left behind by Hurricane Charley, Florida residents were faced with the arduous task of sorting through the wreckage, and for some, starting over again..." -"1","Phelps, Thorpe Advance in 200 Freestyle","ATHENS, Greece - Michael Phelps took care of qualifying for the Olympic 200-meter freestyle semifinals Sunday, and then found out he had been added to the American team for the evening's 400 freestyle relay final. Phelps' rivals Ian Thorpe and Pieter van den Hoogenband and teammate Klete Keller were faster than the teenager in the 200 free preliminaries..." -"1","Venezuela Opposition Holds Recall Vote","CARACAS, Venezuela - The opposition's long and bitter campaign to oust Venezuelan President Hugo Chavez finally came down to a recall referendum Sunday, with the leftist leader hoping a huge turnout among the poor will keep him in power. Officials from around the world - including Pope John Paul II and U.S..." -"1","Bomb at India Independence Parade Kills 15","NEW DELHI - A bomb exploded during an Independence Day parade in India's remote northeast on Sunday, killing at least 15 people, officials said, just an hour after Prime Minister Manmohan Singh pledged to fight terrorism. The outlawed United Liberation Front of Asom was suspected of being behind the attack in Assam state and a second one later in the area, said Assam Inspector General of Police Khagen Sharma..." -"1","Memorial Service Held for Lori Hacking","OREM, Utah - Family and friends of Lori Hacking gathered Saturday for a memorial service to remember the woman whom authorities believe was slain by her husband while she slept. About 600 people attended the service, including the parents of both Lori Hacking and her husband, Mark, who has been charged with her murder..." -"1","Phelps, Thorpe Advance in 200 Freestyle","ATHENS, Greece - Michael Phelps took care of qualifying for the Olympic 200-meter freestyle semifinals Sunday, and then found out he had been added to the American team for the evening's 400 freestyle relay final. Phelps' rivals Ian Thorpe and Pieter van den Hoogenband and teammate Klete Keller were faster than the teenager in the 200 free preliminaries..." -"1","Pilgrims Crowd Field for Mass With Pope","LOURDES, France - A frail Pope John Paul II celebrated an open-air Mass on Sunday as several hundred thousand pilgrims, many in wheelchairs, crowded onto a field near a French shrine to the Virgin Mary that is associated with miraculous cures of the sick. The Mass was a highlight of the Pope's two-day visit to Lourdes, a town in the Pyrenees where Roman Catholic tradition says St..." -"1","Iraqi Troops to Take Lead in Fighting Militia","Iraq will send troops to Najaf to battle a Shiite Muslim militia after peace talks collapsed between the government and Moqtada Sadr." -"1","High Stakes Showdown in Najaf","The fallout from Shiites fighting U.S. Marines in a holy city could weaken Iraq's new government" -"3","Strategies for a Sideways Market (Reuters)","Reuters - The bulls and the bears are in this\together, scratching their heads and wondering what's going to\happen next." -"3","Art Looks Like Fine Investment for Funds (Reuters)","Reuters - Some mutual funds invest in stocks;\others invest in bonds. Now a new breed of funds is offering\the chance to own fine art." -"3","Oil and Economy Cloud Stocks' Outlook (Reuters)","Reuters - Soaring crude prices plus worries\about the economy and the outlook for earnings are expected to\hang over the stock market this week during the depth of the\summer doldrums." -"3","Strategies for a Sideways Market"," WASHINGTON (Reuters) - The bulls and the bears are in this together, scratching their heads and wondering what's going to happen next." -"3","Art Looks Like Fine Investment for Funds"," NEW YORK (Reuters) - Some mutual funds invest in stocks; others invest in bonds. Now a new breed of funds is offering the chance to own fine art." -"3","Oil and Economy Cloud Stocks' Outlook"," NEW YORK (Reuters) - Soaring crude prices plus worries about the economy and the outlook for earnings are expected to hang over the stock market this week during the depth of the summer doldrums." -"4","A Digital Doctor Treats Computer Contamination (washingtonpost.com)","washingtonpost.com - Before me lies the patient, a Gateway computer running Windows 98. It is suffering from extremely clogged Internet arteries, unable to reach the Web. As one of The Washington Post's digital doctors, my task is to nurse the machine back to health so my colleague Kathleen Day can access her e-mail and file stories from home." -"4","Microsoft Lists Apps Affected by XP SP2 (Ziff Davis)","Ziff Davis - Microsoft has published a list of nearly 50 software programs that require tweaking in order to work with its most recent Windows update." -"4","Europe's Eel Population Collapsing (AP)","AP - When a poacher with a baseball bat mugged Willem Dekker for his baby eels, it was further confirmation for the Dutch biologist that the species is in trouble." -"4","Genetic Material May Help Make Nano-Devices: Study (Reuters)","Reuters - The genetic building blocks that\form the basis for life may also be used to build the tiny\machines of nanotechnology, U.S. researchers said on Thursday." -"4","Progress Cargo Ship Launched From Russia (AP)","AP - A Russian cargo ship loaded with supplies and equipment blasted off from the Baikonour cosmodrome in Kazakhstan on Wednesday headed for the international space station, a Russian space official said." -"4","Computer Naivete Costs A Bundle","The meltdown of my home computer was my fault, the result of having switched to a high-speed Internet connection without installing a firewall or heeding those pesky warnings to download critical updates for Windows and anti-virus software. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</b></font>" -"4","NASA Develops Robust Artificial Intelligence for Planetary Rovers","NASA is planning to add a strong dose of artificial intelligence (AI) to planetary rovers to make them much more self-reliant, capable of making basic decisions during a mission. Scientists are developing very complex AI software that enables a higher level of robotic intelligence." -"4","Science and President Bush Collide in Election Year","With more than 4,000 scientists, including 48 Nobel Prize winners, having signed a statement opposing the Bush administration's use of scientific advice, this election year is seeing a new development in the uneasy relationship between science and politics." -"4","Hurricane Charley's Force Took Experts by Surprise","By MARCIA DUNN (AP) -- Hurricane Charley's 145-mph force took forecasters by surprise and showed just how shaky a science it still is to predict a storm's intensity - even with all the latest satellite and radar technology. ""Most major hurricanes become major by going through a rapid intensification..." -"4","New Computer Games Teach Nutrition to Needy","In an effort to educate the nation's neediest children on nutrition, a new project uses the familiar medium of video games to broadcast its message. The Fantastic Food Challenge, a package of four computer games, is designed to teach people who get nutrition aid such as federal food stamps how to make better use of their food." -"4","Sprint Set to Debut Video-Streaming Cell Phone","OVERLAND PARK, Kan. (AP) -- Channel surfing is moving off the couch as Sprint Corp..." -"2","Kobe Bryant Due Back in Court Monday (AP)","AP - With Kobe Bryant's sexual assault trial scheduled to begin in less than two weeks, speculation is mounting that prosecutors are looking for a way to dismiss the charge after a series of setbacks." -"2","Rangers Designate Bacsik for Assignment (AP)","AP - Pitcher Mike Bacsik was designated for assignment by the Texas Rangers on Sunday after going 1-1 with a 4.60 ERA in three starts." -"2","Arsenal Beats Everton to Extend Streak (AP)","AP - Arsenal opened its defense of its English title with a 4-1 win at Everton on Sunday, making it 41 straight games without a loss in the Premier League." -"2","Nadal Wins in Poland for First ATP Title (AP)","AP - Spain's Rafael Nadal won his first ATP singles title Sunday, beating Argentina's Jose Acasuso 6-3, 6-4 in the final at the Idea Prokom Open." -"2","Zahringer Leads Field at U.S. Amateur (AP)","AP - George Zahringer III is back for another shot at the U.S. Amateur. The New Yorker is one of three returning quarterfinalists for the tournament, which begins Monday at the Winged Foot Golf Club. Lee Williams of Alexander City, Ala., and Patrick Carter of Lesage, W.Va., complete the trio from last year's championship that was won by Nick Flanagan of Australia." -"2","Pau Edges Yao in Clash of the Giants"," ATHENS (Reuters) - Spain's Pau Gasol got the better of China's Yao Ming in Olympic basketball's own clash of the giants Sunday." -"2","Hamilton Sets Early Pace as Woods Struggles"," KOHLER, Wis. (Reuters) - British Open champion Todd Hamilton made the first significant move in the U.S. PGA Championship final round Sunday as overnight pacesetter Vijay Singh prepared for an afternoon tee-off." -"2","Iran Defies Olympic Spirit by Shunning Israel"," ATHENS (Reuters) - Iran's world judo champion Arash Miresmaeili refused to compete against an Israeli Sunday, triggering a fresh crisis at the Olympic Games where race, creed or color are barred from interfering in sport." -"2","U.S. Softball Team Puts Australia in Its Place"," ATHENS (Reuters) - The United States kept itself firmly on course for a third straight Olympic softball gold medal when it thrashed Australia 10-0 Sunday." -"2","Schumacher Triumphs as Ferrari Clinches Title"," BUDAPEST (Reuters) - Michael Schumacher cruised to a record 12th win of the season in the Hungarian Grand Prix on Sunday to hand his Ferrari team a sixth successive constructors' title." -"1","Nearly 10 Million Afghans to Embrace Democracy (Reuters)","Reuters - Thousands of U.S. troops in Afghanistan\may have failed to catch Osama bin Laden but they are credited\with encouraging millions of Afghans to register for the\country's historic election in October." -"1","Mortars Mark Opening of Iraqi Political Conference (Reuters)","Reuters - Insurgents fired mortars at a meeting\where Iraqi leaders met to pick an interim national assembly\Sunday, killing at least two people in a grim reminder of the\country's tortuous path toward democracy." -"1","Conference Gives Iraq Democracy First Test (AP)","AP - Despite the steady clang of mortar shells outside and persistent violence in the country, many delegates at the opening on Sunday of Iraq's National Conference held out hope that this first fragile taste of democracy would succeed." -"1","Countries Run Drills for Panana Attack (AP)","AP - The U.S. Coast Guard boarded the ship in the choppy Caribbean waters and began counting crew members, but the numbers did not match those given earlier." -"1","Police push for surveillance fee on customers' phone, Internet bills (Canadian Press)","Canadian Press - OTTAWA (CP) - Canada's police chiefs propose a surcharge of about 25 cents on monthly telephone and Internet bills to cover the cost of tapping into the communications of terrorists and other criminals." -"1","Bush should have tackled reform before naming CIA boss: lawmaker (AFP)","AFP - The top Democrat on the House intelligence committee urged fellow lawmakers not to allow confirmation hearings on a new CIA director to derail efforts to overhaul US spy agencies." -"1","Venezuelans Rush to Vote in Referendum on Chavez"," CARACAS, Venezuela (Reuters) - Venezuelans crowded polling stations on Sunday to vote on whether to recall left-wing President Hugo Chavez or back his mandate to govern the world's No. 5 oil exporter for the next two years." -"1","TV: Iraqi Kidnappers of Iran Envoy Want POWs Freed"," TEHRAN (Reuters) - Kidnappers holding an Iranian diplomat in Iraq will ""punish"" him within 48 hours if Iran does not release 500 prisoners captured in its 1980-1988 war with Iraq, Iranian state television said Sunday." -"1","Nearly 10 Million Afghans to Embrace Democracy"," KABUL (Reuters) - Thousands of U.S. troops in Afghanistan may have failed to catch Osama bin Laden but they are credited with encouraging millions of Afghans to register for the country's historic election in October." -"1","Rebranded Liechtenstein Welcomes Fresh Prince"," VADUZ, Liechtenstein (Reuters) - The people of Liechtenstein ushered in a new era Sunday as the tiny Alpine principality welcomed a new ruler and sought to shed its image as a haven for money launderers." -"1","France marks the 'other D-Day'","Two days of celebrations to honour the Allied veterans who liberated southern France near a climax." -"1","Phish farewell attracts thousands","""Jam band"" Phish play their last gigs together at a special festival in the US which has attracted thousands of fans." -"1","Iraq troops move angers S Koreans","Clashes with riot police erupt as thousands protest in Seoul against plans to send troops to help US-led forces in Iraq." -"1","Bush Surveys Damage in Florida as Toll Is Expected to Mount","Hurricane Charley - one of the most powerful storms in the nation's history - caused at least \$20 billion in damage in Florida alone." -"1","Phelps, Rival Thorpe in 200M-Free Semis","ATHENS, Greece - Michael Phelps took care of qualifying for the Olympic 200-meter freestyle semifinals Sunday, and then found out he had been added to the American team for the evening's 400 freestyle relay final. Phelps' rivals Ian Thorpe and Pieter van den Hoogenband and teammate Klete Keller were faster than the teenager in the 200 free preliminaries..." -"1","Pope Struggles Through Mass at Lourdes","LOURDES, France - A sick man among the sick, Pope John Paul II struggled through Sunday Mass at a French shrine that draws desperate people seeking miracle cures. The 84-year-old pontiff gasped, trembled and asked aides for help during the 2 1/2 hour service in sizzling heat..." -"1","Singh, Leonard in Final Pairing at PGA","HAVEN, Wis. - Whistling Straits is suddenly the least of anyone's worries..." -"1","Venezuela Voters Turn Out in Huge Numbers","CARACAS, Venezuela - Voters turned out in huge numbers Sunday to decide whether to keep populist President Hugo Chavez in power or oust him and his social revolution that critics say has sidelined the middle class and fueled tensions between rich and poor. Activists on both sides set off huge firecrackers and played recorded bugle songs to wake voters hours before dawn..." -"1","Reservists Say War Makes Them Lose Jobs","WASHINGTON - Increasing numbers of National Guard and Reserve troops who have returned from war in Iraq and Afghanistan are encountering new battles with their civilian employers at home. Jobs were eliminated, benefits reduced and promotions forgotten..." -"1","Wildfire Sweeps by Old Calif. Mining Town","REDDING, Calif. - A wind-fueled wildfire roared through an old mining town near Redding on Sunday, destroying 20 homes and forcing nearly 125 residents to flee, officials said..." -"1","Charley Damage Estimated at \$11 Billion","PUNTA GORDA, Fla. - As Florida residents began sweeping up the wreckage left behind by Hurricane Charley, officials on Sunday estimated damages as high as \$11 billion for insured homes alone..." -"4","Entertainment World Wary of Microsoft (AP)","AP - CinemaNow Inc., the Internet-based movie service, is a rarity in Hollywood #151; a company that eagerly embraces Microsoft Corp. technology and relies on it exclusively to transmit, protect and display the movies it rents to customers. Then again, Microsoft is a major investor in the company, which is also owned by independent studio Lions Gate." -"4","Cat Clones","\\From CNN (which didn't permalink this article so no PageRank for you!):\\""Baba Ganoush and Tabouli, the first cats cloned by chromatin transfer, tackle a\cat toy in San Francisco Thursday. The technology was developed by Genetic\Savings Clone, a company that produces cat clones.""\\" -"2","US NBA players become the Nightmare Team after epic loss (AFP)","AFP - Call them the ""Nightmare Team""." -"2","Report: Roenick Paid for Betting Tips (AP)","AP - Flyers star Jeremy Roenick paid more than #36;100,000 to a Florida firm that made millions selling betting tips to gamblers, law enforcement officials told The Philadelphia Inquirer." -"2","U.S. Basketball Team Loses to Puerto Rico"," ATHENS (Reuters) - The United States lost their first basketball match at the Olympics since 1988 on Sunday when Puerto Rico gave them a shock 92-73 trouncing." -"2","South Africa Ends Phelps Medal Quest"," ATHENS (Reuters) - South Africa ruined Michael Phelps's dream of winning a record eight gold medals at the Athens Olympics with a stunning victory in the men's 4x100 meters freestyle final on Sunday." -"2","Iran Snub to Israel Challenges IOC"," ATHENS (Reuters) - Iran defied the Olympic spirit on Sunday by refusing to contest a judo bout with an Israeli at the Athens Games, making no effort to hide the fact it was putting solidarity with the Palestinians before gold medals." -"2","Romanian Gymnasts Edge Ahead of U.S. Women"," ATHENS (Reuters) - Daniela Sofronie displayed all her athleticism to edge Romania ahead of the United States in the Olympic women's gymnastics team qualifying Sunday." -"2","Roenick Paid for Betting Tips","Flyers center Jeremy Roenick paid more than \$100,000 to a Florida firm that made millions selling betting tips to gamblers, law enforcement officials told The Philadelphia Inquirer." -"1","Parks Canada protest greets prime minister at closing of Acadian Congress (Canadian Press)","Canadian Press - GRAND PRE, N.S. (CP) - Prime Minister Paul Martin was met with a silent protest Sunday as he attended the closing of the World Acadian Congress in Nova Scotia." -"1","Palestinians in Israeli Jails Start Hunger Strike"," RAMALLAH, West Bank (Reuters) - Thousands of Palestinian prisoners in Israeli jails began a hunger strike for better conditions on Sunday, but Israel's security minister said he didn't care if they starved to death." -"1","Frail Pope Ends Tiring Lourdes Pilgrimage"," LOURDES, France (Reuters) - Pope John Paul, a sick man among the sick, wound up a emotional visit to this miracle shrine Sunday and struggled with iron determination to finish a sermon in order to encourage others suffering around him." -"1","No Gold for Phelps As Relay Team Falters","ATHENS, Greece - Mark Spitz can rest easy. The best Michael Phelps can do is win seven gold medals at these Olympics..." -"1","Dream Team Stunned by Puerto Rico 92-73","ATHENS, Greece - In an upset that was as historic as it was inevitable, the U.S. men's basketball team lost for only the third time ever in the Olympics on Sunday, 92-73 to Puerto Rico..." -"2","Roddick, Venus, Navratilova Win Openers (AP)","AP - Bothered more by the wind and her wrist wrap than her opponent, defending gold medalist Venus Williams overpowered Melinda Czink of Hungary 6-1, 6-2 in the opening match of the Athens Games' tennis tournament. Andy Roddick made his Olympic debut with a 6-3, 7-6 (4) victory over Flavio Saretta of Brazil, swatting 12 aces and 16 service winners." -"2","American Duo Wins Opening Beach Volleyball Match"," ATHENS (Reuters) - American Misty May gave team mate Kerri Walsh an ideal 26th birthday present with an easy victory over Japan in their opening match of the Olympics beach volleyball tournament on Sunday." -"2","Puerto Rico Upsets United States Men","The United States men's basketball team lost to Puerto Rico, 92-73. The loss could put the American gold medal hopes in jeopardy." -"1","Venezuelans Throng to Polls in Chavez Referendum"," CARACAS, Venezuela (Reuters) - Venezuelans crowded polling stations on Sunday to vote on whether to recall left-wing President Hugo Chavez or back his mandate to govern the world's No. 5 oil exporter for the next two years." -"2","Schumacher Triumphs as Ferrari Seals Formula One Title"," BUDAPEST (Reuters) - Michael Schumacher cruised to a record 12th win of the season in the Hungarian Grand Prix on Sunday to hand his Ferrari team a sixth successive constructors' title." -"1","Pope Struggles Through Mass at Lourdes (AP)","AP - A sick man among the sick, Pope John Paul II struggled through Sunday Mass at a French shrine that draws desperate people seeking miracle cures. The 84-year-old pontiff gasped, trembled and asked aides for help during the 2 1/2 hour service in sizzling heat." -"2","Nicholls State Fires Football Coach (AP)","AP - Nicholls State football coach Daryl Daye was fired Sunday over accusations of academic fraud involving players and an assistant coach. Daye was not implicated in the alleged fraud, but an investigation found he failed to ""maintain proper controls"" of the assistant, the Southland Conference school said." -"1","Florida Starts Massive Hurricane Cleanup","PUNTA GORDA, Fla. - Residents left homeless by Hurricane Charley's 145 mph winds dug through their ravaged homes on Sunday, sweeping up shattered glass and rescuing what they could as President Bush promised rapid delivery of disaster aid..." -"1","Nicky Hilton Marries in Vegas","LAS VEGAS - Hotel heiress Nicky Hilton married a New York money manager before dawn Sunday in an impromptu ceremony, according to court filings obtained by The Associated Press. Hilton, 20, married Todd Andrew Meister, 33, at the Las Vegas Wedding Chapel, according a Clark County marriage license..." -"1","Election-Year Rate Hike Puzzles Some","WASHINGTON - Going against conventional wisdom, the Federal Reserve is raising interest rates in an election year. And it is Fed Chairman Alan Greenspan, a Republican, who is leading the charge even though an incumbent Republican in the White House is facing voter unrest about the state of the economy..." -"1","Explosions Echo Throughout Najaf","NAJAF, Iraq - U.S. tanks and troops rolled back into the center of Najaf and battled with Shiite militants Sunday, reigniting violence in the holy city just as delegates in Baghdad opened a conference meant to be a landmark in the country's movement toward democracy..." -"1","Venezuela Voters Turn Out in Huge Numbers","CARACAS, Venezuela - Summoned by bugle calls and firecrackers, millions of Venezuelans turned out in unprecedented numbers Sunday to vote on whether to force leftist President Hugo Chavez from office. Lines snaked for blocks in upscale neighborhoods, where suspicion is high that the leftist leader plans a Cuba-style dictatorship, and in the slums, where support for his ""revolution for the poor"" is fervent..." -"1","Man Linked to N.J. Gov. Says He's Straight","JERUSALEM - The Israeli man at the center of New Jersey Gov. James E..." -"2","Iraq Reaches Olympic Soccer Quarterfinals"," ATHENS (Reuters) - Iraq's fairytale Olympic run continued on Sunday when they beat Costa Rica 2-0 to reach the quarter-finals of the Athens Games." -"2","No Gold for Phelps as Relay Team Falters","South Africa won the gold medal Sunday in the men's 400-meter freestyle relay with a world-record time of 3 minutes 13.17 seconds." -"4","I Confess. I'm a Software Pirate.","\\I'm guilty. I'm a Software Pirate! Not just one or two copies of DOS but\probably hundreds of thousands of dollars worth of software.\\Growing up my parents didn't have much money. Certainly not hundred of\thousands of dollars for me to blow on software. I was curious and had a\passion for computers that I couldn't control. I simply wanted to learn and\couldn't afford to pay for software.\\Luckily I did this when I was a kid so hopefully I won't be prosecuted. I also\believe that everything I did was ethical. I didn't take any money out of the\hands of the software industry and I've already contributed WAY more to the\industry than a few hundred thousand in software sales.\\This is th ...\\" -"1","Venezuela Oil Official Predicts Stability (AP)","AP - Venezuela's oil industry will enter a new period of stability and growth after Sunday's referendum on Hugo Chavez's presidency, the president of the state-run oil company said Sunday." -"3","Funds: Are Bond Funds Hazardous?"," (Clint Willis is a freelance writer who covers mutual funds for Reuters. Any opinions in the column are solely those of Mr. Willis.)" -"2","O's Beat Blue Jays With Eight-Run Eighth (AP)","AP - David Newhan tied a career high with four hits, including a go-ahead double in Baltimore's eight-run eighth inning, and the Orioles rallied for an 11-7 victory over the Toronto Blue Jays on Sunday." -"1","Italy on alert after purported Al-Qaeda ultimatum expires (AFP)","AFP - Italy was on high alert as a group linked to Al-Qaeda reportedly threatened to attack, singling out Prime Minister Silvio Berlusconi as a target, after the expiry of a deadline for Rome to pull its troops out of Iraq." -"1","Edwards Caps Intense Push in Iowa (AP)","AP - Capping an intense 10-day competition for Iowa's seven electoral votes, Democratic vice presidential nominee John Edwards accused the Bush administration on Sunday of being captured by drug and insurance interests at the expense of working families." -"1","Two visions of Iraq struggle to take hold","Fighting in Najaf threatened to undermine a conference to choose a national assembly." -"2","Giants Top Phillies 3-1 to Finish Sweep (AP)","AP - Brett Tomko allowed one run in six innings for his first win in nearly a month and helped San Francisco complete a three-game sweep of the Philadelphia Phillies with a 3-1 victory Sunday." -"2","South Africa Ends Phelps' Gold Medal Quest"," ATHENS (Reuters) - South Africa ruined Michael Phelps's dream of winning a record eight gold medals in a dramatic and controversial day of swimming at the Athens Olympics on Sunday." -"2","Johnson Helps D - Backs End Nine - Game Slide","NEW YORK (AP) -- Randy Johnson took a four-hitter into the ninth inning to help the Arizona Diamondbacks end a nine-game losing streak Sunday, beating Steve Trachsel and the New York Mets 2-0." -"2","Perry Out for Season","Eagles running back Bruce Perry will miss his rookie season after dislocating a shoulder in an exhibition game against the New England Patriots." -"1","Millions Wait Hours in Venezuela to Vote in Recall Election","The unprecedented vote was sluggish as huge crowds lined up at voting booths. Results were not expected until 8 p.m., or later." -"2","Leonard Forges Two Clear with Nine to Play at PGA"," KOHLER, Wisconsin (Reuters) - American Justin Leonard stayed on track for his second major title in the U.S. PGA Championship final round on Sunday, moving two shots clear with nine holes to play." -"1","'Alien Vs. Predator' Smacks Down Rivals","LOS ANGELES - Movie-goers were easy prey for a double dose of space invaders. The sci-fi smackdown ""Alien vs..." -"1","U.S. Men Stunned by Puerto Rico, 92-73","ATHENS, Greece - In an upset as historic as it was inevitable, Tim Duncan, Allen Iverson and the rest of the U.S. basketball team lost 92-73 to Puerto Rico on Sunday, only the third Olympic loss ever for America and its first since adding pros..." -"2","49ers' Beasley Could Miss Several Weeks (AP)","AP - Fullback Fred Beasley could be sidelined until the 49ers' season opener Sept. 12 against the Atlanta Falcons with a high left ankle sprain." -"2","Dodgers Rally in 8th to Defeat Cubs 8-5 (AP)","AP - Adrian Beltre and Shawn Green homered, and Steve Finley hit a go-ahead RBI single in the eighth inning as the Los Angeles Dodgers rallied for an 8-5 victory over the Chicago Cubs on Sunday." -"1","UN Weighs Situation in Burundi Following Massacre"," UNITED NATIONS (Reuters) - The U.N. Security Council met in emergency session concerning Burundi on Sunday following the massacre of more than 150 Tutsi Congolese refugees at a camp in western Burundi." -"4","Cold Winters Slow Northeast Hemlock Pest (AP)","AP - New England's bitterly cold winters may be hard on people, but they have been even harder on an Asian insect that's threatening to destroy hemlocks, one of the signature trees of the region's forests." -"2","Teen Is First Black National USTA Champion (AP)","AP - Scoville Jenkins, a 17-year-old from Atlanta, became the first black to win the 18s singles championship of the U.S. Tennis Association Boys Nationals." -"1","Rwanda Troops Start AU Mission in Darfur (Reuters)","Reuters - Rwandan troops arrived in\Darfur Sunday as the first foreign force there, mandated to\protect observers monitoring a shaky cease-fire between the\Sudanese government and rebels in the remote western region." -"1","Rwanda Troops Start AU Mission in Darfur"," EL FASHER, Sudan (Reuters) - Rwandan troops arrived in Darfur Sunday as the first foreign force there, mandated to protect observers monitoring a shaky cease-fire between the Sudanese government and rebels in the remote western region." -"2","Marlins Beat Brewers 5-3 in 10 Innings (AP)","AP - Luis Castillo tied the score with a ninth-inning single, and pinch-hitter Damion Easley hit a two-run double in the 10th inning that led the Florida Marlins over the Milwaukee Brewers 5-3 Sunday." -"1","U.S. Soldiers Battle Shiites in Najaf","NAJAF, Iraq - U.S. tanks and troops rolled back into the center of Najaf and battled with Shiite militants Sunday, reigniting violence in the holy city just as delegates in Baghdad opened a conference meant to be a landmark in the country's movement toward democracy..." -"2","NL Wrap: Johnson Fans 14 Mets as Arizona Snaps Slide (Reuters)","Reuters - Randy Johnson struck out 14 batters in\8 1/3 innings to help the Arizona Diamondbacks end a nine-game\losing streak with a 2-0 win over the New York Mets on Sunday." -"2","NL Wrap: Johnson Fans 14 Mets as Arizona Snaps Slide"," NEW YORK (Reuters) - Randy Johnson struck out 14 batters in 8 1/3 innings to help the Arizona Diamondbacks end a nine-game losing streak with a 2-0 win over the New York Mets on Sunday." -"1","New U.N. Official Assumes Kosovo Control (AP)","AP - The new U.N. administrator for Kosovo took control Sunday of the Serbian province, which has remained deeply divided along ethnic lines since the end of a 1999 war." -"1","Venezuelans Line Up to Vote on Chavez","CARACAS, Venezuela - Summoned by bugle calls and the detonations of huge firecrackers, Venezuelans turned out in unprecedented numbers Sunday to vote on whether to force leftist President Hugo Chavez from office. Some lines at polling places extended for 1.25 miles, stunning even veteran election monitors..." -"2","AL Wrap: Koskie Slugs Homer in 10th as Twins Edge Indians"," NEW YORK (Reuters) - Corey Koskie clubbed a two-run homer in the top of the 10th inning to help the Minnesota Twins hold on to first place in the American League Central with a 4-2 road win over the Cleveland Indians." -"2","Whistling Straits Proves It's Major League","Whistling Straits has received magnificent reviews during the P.G.A. Championship, which is currently in a three-man playoff between Justin Leonard, Vijay Singh and Chris DiMarco." -"2","Puerto Rico Stuns U.S. in Opening Round","Puerto Rico upsets the United States, 92-73, at the men's basketball preliminaries on Sunday, the first loss at the Games for the three-time defending gold medalists since 1988." -"2","Monday Morning","The regular Monday Morning contributors will return to this page next week, as will the weekly poll." -"2","Homer Sinks Indians","Corey Koskie hit a two-run homer in the 10th inning as the Twins overcame a two-run deficit for a 4-2 win Sunday, giving them a two-game lead over the second-place Indians." -"2","Despite Setbacks, Stahl Maintains Healthy Dose of Optimism","At 23, pitcher Richard Stahl knows there's still time to impress the Baltimore Orioles' front office. He just needs to stay on the mound long enough." -"2","AL Wrap: Koskie Slugs Homer in 10th as Twins Edge Indians (Reuters)","Reuters - Corey Koskie clubbed a two-run homer\in the top of the 10th inning to help the Minnesota Twins hold\on to first place in the American League Central with a 4-2\road win over the Cleveland Indians." -"1","Venezuela Voters Crowd Polls in Chavez Referendum"," CARACAS, Venezuela (Reuters) - Venezuelans crowded polling stations on Sunday to vote on whether to recall left-wing President Hugo Chavez or back his mandate to govern the world's No. 5 oil exporter for the next two years." -"1","Device 'may aid kidney dialysis'","Scientists are developing a device which could improve the lives of kidney dialysis patients." -"3","Shippers: Venezuela Oil Unfazed by Poll"," CARACAS, Venezuela (Reuters) - Oil exports by Venezuela have not been disturbed by the referendum on the rule of President Hugo Chavez, shipping sources said late Sunday." -"2","Singh Wins PGA Championship in Playoff (AP)","AP - The only birdie Vijay Singh made all day was the only one that mattered. All but counted out of the PGA Championship with a putter that failed him, Singh took advantage of a late collapse by Justin Leonard to get into a three-way playoff Sunday at Whistling Straits, then made the only birdie over the three extra holes to win the final major of the year." -"2","Singh Snares PGA Title","Vijay Singh outlasts Justin Leonard and Chris DiMarco in a three-way playoff to win the PGA Championship on Sunday at Whistling Straits in Haven, Wisconsin." -"1","U.S. Battles Shiites in Iraqi Holy City (AP)","AP - U.S. tanks and troops rolled back into the center of Najaf and battled with Shiite militants Sunday, reigniting violence in the holy city just as delegates in Baghdad opened a conference meant to be a landmark in the country's movement toward democracy." -"1","Rumsfeld Briefs Russia on Shift of Forces","WASHINGTON - Defense Secretary Donald Rumsfeld briefed his Russian counterpart over the weekend on U.S. plans to shift its forces stationed around the globe, in some cases potentially bringing them closer to Russia's borders..." -"1","China's Panchen Lama visits Tibet","The boy named by the Chinese authorities as the 11th Panchen Lama visits a temple in Tibet." -"2","DiMarco, Riley Play Way Into Ryder Cup (AP)","AP - Chris DiMarco and Chris Riley faced knee-knocking pressure in the last round of the PGA Championship. And what did they get for their efforts? More of the same. DiMarco and Riley played themselves into the pressure-packed Ryder Cup with their performances Sunday in the year's final major. DiMarco finished second after a three-man, three-hole playoff and Riley was fourth #151; good enough to knock Jay Haas and Steve Flesch out of the top 10 in the Ryder Cup point standings." -"1","Bomb Kills 16 During Indian Celebration","A powerful bomb killed at least 16 people, many of them schoolchildren, and wounded about 40 others as they assembled for an Independence Day parade Sunday in the northeastern state of Assam, authorities said." -"3","Shippers: Venezuela Oil Unfazed by Poll (Reuters)","Reuters - Oil exports by Venezuela\have not been disturbed by the referendum on the rule of\President Hugo Chavez, shipping sources said late Sunday." -"2","Phelps' Quest to Win 8 Gold Medals Ends (AP)","AP - Michael Phelps surely didn't bargain for this. His quest to win eight gold medals is over, doomed by America's worst showing in the 400-meter freestyle relay. Gary Hall Jr. is ticked off. And now comes the toughest race of all against Ian Thorpe. Not exactly what Phelps had in mind when he decided to challenge Mark Spitz." -"2","Nhleko Scores As Burn Beat MetroStars 1-0 (AP)","AP - Reserve forward Toni Nhleko knocked in a header one minute into stoppage time, leading the Dallas Burn to a 1-0 victory over the first-place MetroStars on Sunday." -"1","Rwandan troops arrive in Darfur as president vows force to protect civilians (Canadian Press)","Canadian Press - AL-FASHER, Sudan (AP) - Dozens of Rwandan soldiers arrived in Sudan's troubled Darfur region Sunday, the first foreign armed force deployed in the area since Arab militiamen began a rampage against black African farmers, killing thousands." -"3","Dollar Falls to Fresh Low Vs Euro (Reuters)","Reuters - The dollar fell to a fresh four-week low\versus the euro on Monday after a widening of the U.S. trade\gap to record levels raised worries about capital inflows in\the United States and a possible slowdown in the economy." -"3","Nikkei Falls Over 1 Pct on Oil Worries"," TOKYO (Reuters) - Tokyo's Nikkei fell more than one percent by mid-morning on Monday as investors stepped up selling of exporters such as Toyota Motor Corp. amid growing fears of the impact of surging oil prices on the global economy." -"3","The Region's Highest-Paid Executives","Pay for the Washington area's top executives rose significantly last year, reversing the downward trend that set in with the recession in 2001." -"3","As XM Stock Recovered, Executives' Pay Modest","Thanks to the SEC, shareholders now get a long-term picture of how their stock is doing, which helps in evaluating executive pay." -"3","Lucrative Cash Package Came as Fairchild Reported \$53.2 Million Loss"," For Jeffrey J. Steiner, chairman and chief executive of Fairchild Corp., nearly \$2.5 million in salary last year was just the beginning." -"3","Board Members, Executives and Family Members Can Still Benefit"," Many of Corporate Washington's executives and board members have side deals with the companies they oversee." -"3","Survey Estimates Values of Options, Excludes Exercises","Figuring out how much executives get paid can be like predicting the weather -- an inexact science." -"3","Government Spending Up Sharply Locally"," Federal procurement spending in the Washington area rose last year at its highest rate since the 1980s, according to a study to be released today, creating tens of thousands of jobs and increasing economic growth disproportionately in Northern Virginia." -"2","Woods Comes Up Empty, but Still No. 1 (AP)","AP - Tiger Woods came up empty in a major again, but he's still the No. 1 ranked player in the world." -"2","Tennessee Tech's Worrell Extends Contract (AP)","AP - Longtime Tennessee Tech women's basketball coach Bill Worrell has agreed to a new three-year contract with the option for three more years, the school announced Sunday." -"2","Brad Ott Gets First Nationwide Victory (AP)","AP - Brad Ott shot an 8-under 64 on Sunday to win the Nationwide Tour's Price Cutter Charity Championship for his first Nationwide victory." -"1","Snow Storms Blanket Southern New Zealand (AP)","AP - Snow storms isolated New Zealand's fourth biggest city of Dunedin on Monday, closing major roads, shutting schools and factories, and freezing newborn lambs." -"1","Swimming showdown","Ian Thorpe and Michael Phelps will chase gold in the men's 200m freestyle on day three of the Olympics." -"1","Puerto Rico Stuns Dream Team, 92-73","ATHENS, Greece - In an upset as historic as it was inevitable, Tim Duncan, Allen Iverson and the rest of the U.S. basketball team lost 92-73 to Puerto Rico on Sunday, only the third Olympic loss ever for America and its first since adding pros..." -"2","Scrimmage Gets Ugly","Ralph Friedgen used a four-letter word to describe his Maryland team's offensive performance in Sunday's practice: blah." -"2","Schumacher Sets Mark","Michael Schumacher won the Hungarian Grand Prix Sunday in Budapest, setting yet another record by becoming the first Formula One driver with 12 victories in a season." -"2","Business Is Business","When it comes to qualifying for the main draw of the Legg Mason Tennis Classic, Robert Kendrick knows that survival takes precedence and friendships are put on hold." -"1","Iraqi Conference on Election Plan Sinks Into Chaos","The conference was thrown into disorder by delegates staging protests against the U.S.-led military operation in Najaf." -"1","F.B.I. Goes Knocking for Political Troublemakers","The F.B.I. has been questioning demonstrators in an effort to forestall violent protests at the Republican National Convention." -"3","Nikkei Falls Over 1 Pct on Oil Worries (Reuters)","Reuters - Tokyo's Nikkei fell more than one percent\by mid-morning on Monday as investors stepped up selling of\exporters such as Toyota Motor Corp. amid growing fears of the\impact of surging oil prices on the global economy." -"2","Falcons' Kerney Sprains Knee in Practice (AP)","AP - Atlanta Falcons defensive end Patrick Kerney sprained his right knee in practice on Sunday when a lineman rolled on his leg." -"2","McGahee Helps Bills Beat Broncos 16-6 (AP)","AP - This is what everyone was waiting for from Willis McGahee. After 19 months of recuperation and countless questions about the strength of his left knee, the Buffalo Bills running back finally provided some answers. McGahee had the go-ahead score on a 1-yard run in his NFL preseason debut, helping the Bills to a 16-6 win over the Denver Broncos on Sunday." -"1","Tropical Storm Earl Hits Caribbean Isles","ST. GEORGE'S, Grenada - Tropical Storm Earl unleashed heavy rains and violent winds that felled trees and ripped off roofs Sunday in the eastern Caribbean, while hundreds of people sought refuge in shelters..." -"1","Report: Michael Jackson Not 'Manhandled'","LOS ANGELES - The state attorney general's office has concluded that Michael Jackson was not ""manhandled"" by sheriff's deputies who took him into custody last year on child molestation charges, CBS News reported Sunday. The findings were contained in a three-page letter Martin A..." -"1","Democrats Pressure McGreevey to Leave Soon","TRENTON, N.J. - High-level New Jersey Democrats said Sunday that pressure is building among members of Gov..." -"1","Bush Vows Rapid Aid to Hurricane Victims","PUNTA GORDA, Fla. - Residents left homeless by Hurricane Charley's 145 mph winds dug through their ravaged homes on Sunday, sweeping up shattered glass and rescuing what they could as President Bush promised rapid delivery of disaster aid..." -"3","Nikkei Down at Midday on Oil Worries"," TOKYO (Reuters) - Tokyo's Nikkei fell 1.66 percent by midday on Monday, extending losses into a third day as growing fears about the impact of surging oil prices on the global economy hit exporters such as Toyota Motor Corp." -"4","Dell Exits Low-End China Consumer PC Market (Reuters)","Reuters - Dell Inc. (DELL.O), the world's\largest PC maker, said on Monday it has left the low-end\consumer PC market in China and cut its overall growth target\for the country this year due to stiff competition in the\segment." -"2","Singh Wins Playoff and P.G.A. Title","Several players outplayed Vijay Singh on Sunday, but nobody outlasted him at the 86th P.G.A. Championship." -"3","Caterpillar Union Rejects Contract Offer"," CHICAGO (Reuters) - United Auto Workers (UAW) said its members at Caterpillar Inc on Sunday voted to reject the construction equipment maker's contract proposal, the second time this year workers have voted against a Caterpillar contract offer." -"3","NYMEX Crude Hits Record \$46.76"," SINGAPORE (Reuters) - NYMEX crude oil futures <CLc1> hit a new record of \$46.76 on Monday on worries about possible unrest and disruption to oil supply as Venezuelans voted in a referendum on whether to recall President Hugo Chavez." -"2","Singh Wins Playoff to Seize Third Major Title"," KOHLER, Wisconsin (Reuters) - Fiji's Vijay Singh held his composure to win the 86th U.S. PGA Championship in a three-way playoff on Sunday, clinching the third major title of his career." -"1","South Korea Warns of Possible North Terrorism (Reuters)","Reuters - North Korea is threatening to use\terrorism against the South, Seoul's intelligence agency said\in a rare public advisory on Monday, and warned South Korean\citizens in China and Southeast Asia to be on their guard." -"1","Afghans Hail Chance for a Choice","BAZARAK, Afghanistan<br>Like virtually every adult in this Panjshir Valley village, Rahmal Beg registered to vote weeks ago. Indeed, popular enthusiasm is so high for the Oct. 9 presidential election -- the first in Afghan history -- that thousands of people in the valley have reportedly..." -"3","Caterpillar Union Rejects Contract Offer"," CHICAGO (Reuters) - The main union at Caterpillar Inc. said its members voted on Sunday to reject the construction equipment maker's contract proposal, the second time this year the workers have voted against an offer." -"3","GM's Made-In-China Cadillacs in Early '05"," SHANGHAI (Reuters) - General Motors, the world's largest automaker, will start selling its first made-in-China Cadillacs in early 2005 in a market it expects eventually to account for a fifth of global sales of the luxury brand." -"1","Gas Prices Drop, but Increase Expected","CAMARILLO, Calif. - Gas prices have dropped nearly 5 cents in the past three weeks with an increase in supply, but soaring crude oil prices could cause rates to rise again soon, an industry analyst said Sunday..." -"2","Funk Still Gets Cup Spot","Though Fred Funk had been rather morose after missing the cut by a stroke in the 86th PGA Championship on Friday, there was great joy on Sunday." -"1","Report: U.S. to Approve Sale of Aegis Ships to Taiwan (Reuters)","Reuters - The United States will announce the sale\of four Aegis missile-defense warships to Taiwan next year with\delivery likely to begin in 2011, a newspaper said on Monday." -"1","Nikkei Down, Oil Worries Hit Exporters (Reuters)","Reuters - Tokyo's Nikkei fell 1.66 percent by\midday on Monday, extending losses into a third day as another\surge in oil prices deepened worries about the global economic\impact and knocked down exporters such as Toyota Motor Corp." -"1","Report: U.S. to Approve Sale of Aegis Ships to Taiwan"," TAIPEI (Reuters) - The United States will announce the sale of four Aegis missile-defense warships to Taiwan next year with delivery likely to begin in 2011, a newspaper said on Monday." -"3","Wal-Mart Tries to Shine Its Image by Supporting Public Broadcasting","Wal-Mart, stung by criticism of its business tactics, is working to improve its image by supporting public broadcasting." -"3","Muddling Through (or Not): Mid-2004 Update on the Philippines","Looks like the Philippines, despite itself, has survived the election without excessive violence, major civil unrest, or untoward People Power eruptions. GMA finally has that elusive electoral mandate, and the air of uncertainty that pervaded Manila in the weeks leading up to the election has given way to (for some) an air of cautious optimism or (for others) resignation that nothing ever changes much in the Philippines and that the strong leadership and fundamental changes needed to save the country are long shots." -"2","Unseeded Vaidisova Wins Vancouver Open (AP)","AP - Unseeded teenager Nicole Vaidisova defeated American Laura Granville 2-6, 6-4, 6-2 in the final of the Vancouver Open on Sunday." -"1","F.B.I. Goes Knocking for Political Troublemakers","The F.B.I. has been questioning demonstrators in an effort to forestall violent protests at the Republican convention." -"4","Sybase looks ahead to RFID","The database and mobile software company is set to reveal details on updates to its flagship products and outline RFID plans." -"4","Nanotech funding to grow to \$8.6 billion","Spending on research will more than double this year, with a growing amount coming from the private sector." -"4","Gateway lands on another retailer's shelves","Company is set to sell desktops on CompUSA's shelves, providing more competition for HP." -"2","Cardinals Ride Rolen","Scott Rolen homered twice to become the first NL player to reach 100 RBIs this season as the St. Louis Cardinals downed the Atlanta Braves, 10-4, on Sunday night." -"2","Braves Hum Along","Braves General Manager John Schuerholz shuffled his deck more than usual this past offseason so doubts were high. Such a challenge makes this season all the sweeter." -"1","Tibet's Second-Holiest Monk Makes Rare Lhasa Visit (Reuters)","Reuters - Tibet's second-holiest monk, the Panchen\Lama, has visited Lhasa on a rare trip to the Himalayan region\by the living Buddha, whose selection in 1995 was marred by\controversy after the exiled Dalai Lama chose another boy." -"1","Greek duo could miss drugs hearing","Kostas Kenteris and Katerina Thanou may not be fit enough to attend the hearing into their missed drugs test." -"1","Package prompts US embassy alert","An unidentified substance sent to the US embassy in the Malaysian capital Kuala Lumpur leads to a security scare. " -"4","Don't Fear Internet Anonymity Tools (Ziff Davis)","Ziff Davis - There are lots of good reasons for 'net anonymity." -"4","Time Is Now for Linux Vendors to Protect Users (Ziff Davis)","Ziff Davis - Opinion: It's time for other Linux vendors to follow Red Hat's lead and offer patent infringement protection to their customers." -"4","Self-Healing Tech Could Boost IBM's Yield (Ziff Davis)","Ziff Davis - Designed to let processors adjust themselves dynamically in response to problems or systems demands without human intervention, the chip-morphing technology could help IBM keep up with demand for good chips." -"1","Emergency defers Maldives debate","A parliamentary session due to have begun on Monday in the Maldives has been postponed indefinitely." -"1","Tigers reject Sri Lanka counter proposal to revive talks (AFP)","AFP - Sri Lanka's Tamil Tiger rebels said they will spurn any new government proposals to revive peace talks not giving them self-rule as peacebroker Norway was set to try to jumpstart the negotiations." -"3","In Google's Auction, It's Not Easy to Tell a Bid From a Bet","In a competition combining suspense and strategy, countless brave souls are hoping to buy a small piece of Google in an auction this week." -"1","Suspicious Powder Found at U.S. Embassy in Malaysia"," KUALA LUMPUR (Reuters) - Suspicious white powder has been found in an envelope that arrived at the U.S. embassy in Malaysia and three staff members quarantined, an embassy official and police said on Monday. ""A letter was delivered that had a suspicious powder in it,"" said an embassy spokesman in Kuala Lumpur. ""The powder is being sent for testing.""" -"3","Nikkei Hits 3-Mth Closing Low"," TOKYO (Reuters) - Tokyo's Nikkei average fell 0.65 percent to a fresh three-month closing low on Monday as crude oil prices again hit record highs in Asian trading hours, clouding the outlook for the global economy." -"2","DiMarco, Riley Get on Ryder Cup Team (AP)","AP - Hal Sutton had a good idea what kind of U.S. team he would take to the Ryder Cup. All that changed in the final round of the PGA Championship." -"1","Chinese dig for villagers buried under landslides after deadly typhoon (Canadian Press)","Canadian Press - SHANGHAI, China (AP) - Villagers in an eastern province dug with farm tools Monday to search for 24 people missing in massive landslides unleashed by Typhoon Rananim, which has already been blamed for 115 deaths and is the worst such storm to hit China in seven years." -"1","Americans appear in Kabul trial","The second hearing in the trial of three Americans accused of torture and running a jail begins in Kabul." -"3","Stocks Fall as Oil Hits High"," SINGAPORE (Reuters) - Exporters led a fall in Asian shares on Monday as oil prices set new highs near \$47 and data showing the U.S. trade deficit widened to a record raised fresh concern about the health of the world's largest economy." -"3","Stocks Fall as Oil Hits High (Reuters)","Reuters - Exporters led a fall in Asian shares\on Monday as oil prices set new highs near #36;47 and data showing\the U.S. trade deficit widened to a record raised fresh concern\about the health of the world's largest economy." -"1","Israel Turns Up Heat on Palestinian Hunger Strike (Reuters)","Reuters - Israel declared psychological war on\hunger-striking Palestinian prisoners on Monday, saying it\would barbecue meat outside their cells to try to break their\will." -"1","Two Chinese salesman gunned down in Thailand's restive south (AFP)","AFP - Two Chinese travelling salesmen have been gunned down in southern Thailand as part of separatist violence which has claimed more than 275 lives since the start of the year, officials said." -"1","Israel Turns Up Heat on Palestinian Hunger Strike"," JERUSALEM (Reuters) - Israel declared psychological war on hunger-striking Palestinian prisoners on Monday, saying it would barbecue meat outside their cells to try to break their will." -"3","Iranian economic reform falters","The Iranian parliament votes against key parts of a reform plan aimed at opening the economy to foreign investment." -"3","Space-age sport ","GPS is invading recreational sports. Under clear skies, those signals beaming to earth from satellites can find you on a hilly running trail, in a kayak on the ocean, or on a green fairway where you're trying to fade a 230-yard drive into the wind." -"3","Eyes tired? Musical alerts ease computer user #146;s day","What was the last sound your computer made? It may have emitted a chime when e-mail arrived, or a heraldic swish when you started up Windows." -"3","As money-raisers, 2004 #146;s initial offerings fall short","When Inhibitex Inc. set the terms of its initial public offering in March, it thought it was being conservative, expecting shares to sell for \$10 to \$12 apiece." -"3","Internet publishing attracting academics","BALTIMORE -- Manuel Llinas knew his career was at stake. The young scientist had just finished work on an eye-catching paper on the genome of a parasite that causes malaria. Now he and his lab director faced a critical decision: where to submit the article for publication." -"3","Computers with multiple personalities","The jury's still out on whether a computer can ever truly be intelligent, but there's no question that it can have multiple personalities. It's just a matter of software." -"2","Paint it bleak","If the Rolling Stones were hired to write the theme song for this year's Red Sox, the group might overhaul one of their classics. Instead of quot;Satisfaction, quot; they could go with quot;Separation. quot; That's because no matter how hard they try, the Sox can't get no separation in their quest for the top spot in the wild-card race." -"2","He #146;s not short on confidence","It's a case he could have made more convincingly with something other than a half-swing tapper to the pitcher for the final out of yet another in a seemingly endless series of one-run losses for the Red Sox. But Orlando Cabrera wants fans to believe this: For all the futile swings he has made in his two-week incarnation as a ..." -"2","Pronger opts out of World Cup","Names Chris Pronger of the St. Louis Blues pulled out of the World Cup of Hockey yesterday with an undisclosed injury, and was replaced on the Canadian team by Jay Bouwmeester of the Florida Panthers. Pronger's decision comes less than a week before the Canadian team opens training camp. The team will practice for the first time Friday in Ottawa. ..." -"2","Giants finish off Phillies","Brett Tomko allowed one run in six innings for his first win in nearly a month, and the San Francisco Giants closed in on the wild-card lead with a 3-1 victory over the Phillies yesterday in Philadelphia, completing a three-game sweep." -"2","Texas goes wild","The Red Sox have company atop the wild-card standings. In Arlington, Texas, Laynce Nix homered and drove in three runs, including a tiebreaking sacrifice fly, and the Rangers beat the Tampa Bay Devil Rays, 6-2, yesterday to sweep the three-game series." -"2","49ers #146; Beasley out till opener","The cheers went up the instant Willis McGahee took the field. How's that for pressure?" -"2","At least Light #146;s sense of humor still intact","FOXBOROUGH -- Matt Light lost his appendix this summer and, as a result, quite a few pounds, but he didn't lose one ounce of his wit." -"2","Dorman #146;s been dandy of late","Revolution coach Steve Nicol is not taking credit for the emergence of Andy Dorman. But Nicol's tactical moves helped place Dorman in a position to score his first two goals as a professional, in the final seconds of a 3-0 win at Dallas Wednesday and on his first touch of Saturday night's game at D.C. United for the Revolution's second ..." -"1","Sudan refugees report new attacks","More Sudanese refugees flee across the border into Chad following reports of renewed violence in the Darfur region." -"1","Bomb at parade in India leaves 16 dead, 40 hurt","NEW DELHI -- A powerful bomb killed at least 16 people, many of them schoolchildren, and wounded about 40 others as they assembled for an Independence Day parade yesterday in the northeastern state of Assam, authorities said." -"1","Israeli speaks out on McGreevey","JERUSALEM -- The Israeli man at the center of the resignation of New Jersey's governor, James E. McGreevey, over a gay affair said in an interview published yesterday that he is straight and had no idea at first that his boss is homosexual." -"1","France remembers WWII Riviera mission","ABOARD THE CHARLES DE GAULLE -- France yesterday honored soldiers, including tens of thousands of Africans, who staged an assault on the French Riviera 60 years ago to break the Nazi grip -- one of the least-remembered military operations of World War II." -"1","Pope struggles at shrine Mass","LOURDES, France -- A sick man among the sick, Pope John Paul II struggled yesterday through Sunday Mass at a French shrine that draws desperate people seeking miracle cures. The 84-year-old pontiff gasped, trembled, and asked aides for help during the 2-hour service in the sizzling heat." -"1","Uncertainty as Venezuela Awaits Referendum Result"," CARACAS, Venezuela (Reuters) - Three Venezuelan government ministers said on Monday President Hugo Chavez had easily survived a referendum on whether to recall him but their comments conflicted with heavy opposition hints they had won." -"4","Watchdog attacks ID card scheme","Proposals for identity cards and a population register are opposed by Britain's information watchdog." -"4","Ebookers sees 'encouraging' signs","Internet-based holiday company Ebookers says second-quarter loses have been cut compared with the same period a year ago." -"1","Chavez Wins Venezuela Referendum-Official Results (Reuters)","Reuters - Venezuelan President Hugo\Chavez has survived a referendum to recall him, according to\results released by electoral authorities on Monday with 94\percent of the vote counted." -"1","US embassy in Malaysia in 'anthrax scare' (AFP)","AFP - Malaysian emergency services rushed to the tightly-guarded US embassy in Kuala Lumpur after a powder which police said could be anthrax was found in a letter." -"4","UN creates game to tackle hunger","A forthcoming video game aims to educate children about the global fight against hunger." -"1","Chavez Wins Venezuela Referendum-Preliminary Result"," CARACAS, Venezuela (Reuters) - Venezuelan President Hugo Chavez has survived a referendum to recall him, according to preliminary results released by the country's top electoral officer on Monday." -"3","Oil Prices Hit Record (Reuters)","Reuters - Oil prices jumped to a new record\high near #36;47 on Monday with traders on tenterhooks for the\result of Venezuela's weekend referendum and Iraq's exports\again disrupted by a Shi'ite uprising in the south." -"2","They flocked from Games","ATHENS -- During yesterday's celebration of the assumption of the Virgin Mary, the Greek orthodox clergy had a stern reminder for the organizers of the Olympic Games: No matter what the advertisements and speeches say about Greece's modern, Western orientation, this country is still the domain of its decidedly traditional, ubiquitous state-sanctioned religion. Speaking over the Byzantine chants of a ..." -"2","Ginobili gives Argentina big lift at the buzzer","Manu Ginobili's off-balance shot left his hand just a split-second before the final buzzer, dropping through the basket to give Argentina an 83-82 victory over Serbia-Montenegro yesterday on the first day of Olympic men's basketball in Athens." -"2","Stewart spoils upset bid","Sports car ace Ron Fellows nearly pulled off what arguably would have been the biggest upset in NASCAR history, finishing second after starting last yesterday at Watkins Glen (N.Y.) International." -"2","US eights glide to finals in record times","The US men's and women's eights pulled off huge victories in yesterday's Olympic rowing heats, each setting world bests to advance directly to Sunday's finals." -"2","Phelps #146;s quest for 8 golds goes under","ATHENS -- The evening began on a down note for the US swimming team, and descended from there. First, world champion Jenny Thompson struggled home fifth in the 100-meter butterfly. Then world record-holder Brendan Hansen was caught by Japan's Kosuke Kitajima in the 100 breaststroke. Finally, the men's 4 x 100 freestyle relay finished third behind South Africa and the ..." -"2","Azevedo shot does trick","Tony Azevedo whizzed a last-second shot past Croatian goalkeeper Frano Vican to give the American water polo team a 7-6 victory in its tournament opener yesterday." -"2","US team kicks over this result","ATHENS -- Did Japan's Kosuke Kitajima break the rules when he beat world record-holder Brendan Hansen by 17-100ths of a second in yesterday's Olympic 100-meter breaststroke? Absolutely, insisted Hansen's US teammates, who claimed Kitajima routinely uses the illegal dolphin kick." -"2","Clout shown in rout","ATHENS -- When the Olympic softball schedule was released, Lisa Fernandez grabbed a marker and began counting down the days. quot;This game is always on my calendar, quot; she said. quot;I have a tremendous history with Australia. quot; And until yesterday, mostly a haunting one." -"2","Punching his way forward","ATHENS -- There's only room for one Cinderella in a boxing ring. That was the sad lesson Andre Berto learned last night as his long road to the Olympic Games came to an abrupt end at the Peristeri Boxing Hall in his first fight in the welterweight division. First fight, that is, unless you understand what it took for him ..." -"1","Fighting rages in South Ossetia","Heavy fighting erupts in Georgia's breakaway South Ossetia region, shattering a two-day ceasefire." -"4","Sprint Puts Streaming Media on Phones","PCS Vision Multimedia streams faster video plus audio channels to Samsung phone." -"2","Phelps, Thorpe Face Dutch Threat"," ATHENS (Reuters) - Michael Phelps, one gold won but one of his eight title chances now lost, takes on Ian Thorpe and Pieter van den Hoogenband in their long-awaited showdown in the 200 meters freestyle final on Monday." -"1","Liechtenstein royals swap power","Liechtenstein's Prince Hans-Adam hands over power to his son and invites the whole nation to a garden party." -"1","Venezuelan President Survives Recall Vote","CARACAS, Venezuela - President Hugo Chavez appeared to have survived a popular referendum to oust him, according to early results Monday, while Venezuela's opposition swiftly claimed fraud. Backers of the leftist populist president set off fireworks and began celebrating in the streets of the capital in the pre-dawn darkness upon hearing the news from Francisco Carrasquero, president of the National Elections Council..." -"1","Rescue Teams Aid Hurricane Charley Victims","PUNTA GORDA, Fla. - Urban rescue teams, insurance adjusters and National Guard troops were scattered across Florida to help residents rally from the brunt of Hurricane Charley, the worst storm to hit the state in a dozen years..." -"1","Journalist, Translator Missing in Iraq (AP)","AP - A French-American journalist has disappeared along with his Iraqi translator in the southern Iraqi city of Nasiriyah, the provincial deputy governor said Monday." -"1","Prudential drops bid for S.Korean assest managing firm (AFP)","AFP - A consortium led by British insurer Prudential PLC has dropped its bid for a major South Korean state asset managing company." -"1","Bush Plans to Withdraw Troops From Abroad (AP)","AP - President Bush's plan to call tens of thousands of U.S. troops home from Europe and Asia could gain him election-year applause from military families, but won't ease the strain on soldiers still battling violent factions in Iraq and Afghanistan." -"1","Pair tell of 'Falconio' sighting","Two witnesses tell an Australian court they saw UK backpacker Peter Falconio more than a week after he disappeared." -"4","'Virtual' repairs for Cutty Sark","Digital models of an historic ship are created as part of its restoration to test if it will survive the process." -"1","Mass. Republicans Eye Kerry's Senate Seat (AP)","AP - Massachusetts Republicans, while supportive of President Bush's re-election, are mindful of the opportunity created should John Kerry beat him in November's election: the state's first Senate vacancy in two decades and a chance to break the Democratic monopoly on its 12-member delegation in Congress." -"3","Swatch tax complaint dismissed","US officials dismiss claims of tax evasion levelled at watchmaker Swatch by two former employees." -"3","Small firms struggle as oil soars","Small manufacturers in the UK are struggling in the face of soaring oil prices and higher interest rates, the CBI says." -"3","Microsoft takes down SP2 swappers","Microsoft is stopping people getting hold of a key security update via net-based file- sharing systems." -"4","Symantec Readies Patching Tool","ON IPatch monitors, ensures networked Windows systems are current in midsize businesss." -"1","Panchen Lama Visits Tibet Capital (AP)","AP - The boy chosen by the Chinese government as the reincarnation of the Panchen Lama was greeted warmly by dozens of monks when he visited Tibet's most sacred temple, state television reported, giving rare publicity to one of his appearances." -"4","BearingPoint Wins ID Project at TSA","BearingPoint Inc. of McLean won a \$12 million contract from the Transportation Security Administration to begin the third phase in the agency's program to create a standard identification card for U.S. transportation employees." -"4","Government Spending Up Sharply Locally","Federal procurement spending in the Washington area rose last year at its highest rate since the 1980s, according to a study to be released today, creating tens of thousands of jobs and increasing economic growth disproportionately in Northern Virginia." -"4","Expense Issue Draws Mixed Views From Companies","The debate over whether companies should treat stock options as an expense draws mixed reactions from Washington area businesses, some of which have a lot to lose if the accounting rule changes." -"1","Palestinian Prisoners Launch Hunger Strike","JERUSALEM - More than a thousand Palestinian prisoners went on a hunger strike to press for better conditions, but Israel responded by tightening inmate restrictions, and a Cabinet minister said he wouldn't care if they starved to death. About 1,600 prisoners struck on Sunday..." -"3","Europe and US in aircraft aid row","The European Commission and President George Bush are in a war of words over subsidies given to aircraft makers Airbus and Boeing." -"1","Ex-Chess Champion Fischer to Marry Japanese Woman"," TOKYO (Reuters) - In a bold gambit worthy of the chess champion he once was, Bobby Fischer plans to wed a four-time Japan great in the hope of avoiding deportation home to the United States, where he is wanted for breaking sanctions." -"4","Rogue proteins give yeast an edge","Rogue proteins that behave like those linked to vCJD and Alzheimer's can give yeast a survival advantage." -"2","Twins Rally to Beat Indians in 10 Innings (AP)","AP - The Minnesota Twins left Cleveland clinging to first place in the AL Central #151; and already looking ahead to their next showdown with the surprising Indians." -"2","Doping-Greek Sprint Duo's Hearing Postponed"," ATHENS (Reuters) - Greek sprinters Costas Kenteris and Katerina Thanou won a two-day reprieve at the Athens Olympics when a disciplinary hearing investigating their missed drugs tests was adjourned until Wednesday." -"4","Why cyberscofflaws get off easy","CNET News.com's Declan McCullagh explains why convicted virus and worm authors are more likely to do Club Fed than hard time." -"1","Pakistan still supporting Kashmiri rebels: Indian Home Ministry (AFP)","AFP - Pakistan continues to support Islamic insurgency in Kashmir and will use militant attacks to influence ongoing peace talks with rival India, India's Home Ministry said in its annual report." -"3","Lowe's Second-Quarter Profit Rises (Reuters)","Reuters - Lowe's Cos. (LOW.N), the second-largest\home improvement retailer behind Home Depot Inc. (HD.N), on\Monday said quarterly profit rose, but trailed estimates." -"3","Stocks Seen Little Changed; Oil Weighs"," NEW YORK (Reuters) - Stocks are seen opening little changed on Monday as crude prices remain high, but insurers may dip on worries about their potential liabilities after a hurricane struck Florida on Friday." -"3","Lowe's Second-Quarter Profit Rises"," ATLANTA (Reuters) - Lowe's Cos. <LOW.N>, the second-largest home improvement retailer behind Home Depot Inc. <HD.N>, on Monday said quarterly profit rose, but trailed estimates." -"3","Oil Prices Hold Near Record"," LONDON (Reuters) - Oil prices simmered near fresh highs Monday even though early reports of victory for Venezuelan President Hugo Chavez in a referendum on his rule eased fears that unrest could upset the country's oil exports." -"3","BA workers approve holiday strike","British Airways workers plan to strike for 24 hours during the August Bank Holiday weekend unless a pay row is settled, the GMB union said." -"2","Doping Probe of Greeks Staggers Toward Farce"," ATHENS (Reuters) - A doping probe that has dogged the host country's Olympic Games staggered toward farce on Monday when a hearing involving Greece's two top sprinters was postponed again." -"3","Lowe's 2Q Earnings Higher on Home Market (AP)","AP - Home improvement retailer Lowe's Cos. reported Monday that a robust housing market drove second-quarter earnings higher year-over-year, but results failed to meet Wall Street expectations." -"3","Sri Lanka hit by oil strike","Workers at Sri Lanka's main oil company end a two-day strike, held in protest at government plans to sell more of the company." -"4","Internet calls add foreign accent (USATODAY.com)","USATODAY.com - In the digital age, the next best thing to being there might be this: a French phone number." -"4","FCC mobile spam rule doesn't cover some SMS (MacCentral)","MacCentral - A rule prohibiting mobile-phone spam adopted by the U.S. Federal Communications Commission (FCC) earlier this month doesn't prohibit phone-to-phone text messaging, but FCC officials believe the new rule, combined with a 13-year-old law, should protect U.S. mobile phone customers against unsolicited commercial e-mail." -"4","Ky. Professor Looks to Set Up Telescope (AP)","AP - A University of Kentucky professor is pushing to set up a telescope in Australia that students could use via the Internet." -"4","Survival of software's fittest","Darwin may work in the flat enterprise software market--mergers and acquisitions are expected to increase the clout of leading firms." -"4","Playing the convergence game","Sony and Microsoft confront consumer apathy as they attempt to turn game consoles into multipurpose entertainment gadgets." -"2","Singh Wins Playoff to Seize Third Major Title"," KOHLER, Wis. (Reuters) - Fiji's Vijay Singh held his composure to win the 86th U.S. PGA Championship in a three-way playoff on Sunday, clinching the third major title of his career." -"2","Williams Has No Problem Running with Jones"," ATHENS (Reuters) - American sprinter Lauryn Williams said on Monday she would have no problem competing on the same team as Marion Jones in the Olympic 4x100 meters relay." -"2","Moya Tames Olympic Wind and Enqvist; Dementieva Out"," ATHENS (Reuters) - Spanish third seed Carlos Moya tamed a swirling wind and dogged Swedish opponent Thomas Enqvist to reach the second round of the Olympic men's singles with a 7-6, 6-7, 9-7 victory Monday." -"1","Britain 'sleepwalking' into big-brother state, watchdog warns (AFP)","AFP - Britain is ""sleepwalking into a surveillance society"" because of government plans to introduce ID cards and a population register, the nation's information watchdog was quoted as saying." -"1","India urges Bangladesh not to kill stray elephants (Reuters)","Reuters - Authorities in northeast India urged Bangladesh on Monday not to kill about 100 wild elephants that have strayed across the border and gone on a rampage, killing 13 people and injuring dozens more." -"1","Israel Turns Up Heat on Palestinian Hunger Strike"," JERUSALEM (Reuters) - Israel declared psychological war on hunger-striking Palestinian prisoners Monday, saying it would barbecue meat outside their cells to try to break their will." -"3","Cost Cuts Boost Kmart Quarterly Profit (Reuters)","Reuters - Kmart Holding Corp. (KMRT.O) on Monday\reported its third consecutive quarterly profit as cost cuts\made up for slumping sales, and its cash pile grew to about\ #36;2.6 billion." -"3","Cost Cuts Boost Kmart Quarterly Profit"," CHICAGO (Reuters) - Kmart Holding Corp. <KMRT.O> on Monday reported its third consecutive quarterly profit as cost cuts made up for slumping sales, and its cash pile grew to about \$2.6 billion." -"3","Wall Street to Open Little Changed"," NEW YORK (Reuters) - Wall Street is seen opening little changed on Monday as crude prices remain high, but insurers may dip on worries about their potential liabilities after a hurricane struck Florida on Friday." -"3","Sysco Profit Rises; Sales Have Slowed"," NEW YORK (Reuters) - Sysco Corp. <SYY.N>, the largest U.S. distributor of food to restaurants and hospitals, on Monday said quarterly profit rose as an extra week in the period and acquisitions helped offset the effects of higher food prices." -"3","Lowe's Profit Rises But Trails Estimates"," ATLANTA (Reuters) - Lowe's Cos. <LOW.N>, the No. 2 home improvement retailer behind Home Depot Inc., on Monday reported an 18 percent increase in second-quarter profit, but results trailed estimates as sales weakened in June." -"3","Kmart Swings to Second-Quarter Profit (AP)","AP - Discount retailer Kmart Holding Corp. reported Monday that the company swung to a profit in the second quarter, but same-store sales were still in decline." -"4","Vodafone names former rival as new head of Japanese unit (AFP)","AFP - British mobile phone operator Vodafone said it has brought in an executive from Japanese rival NTT DoCoMo to head up its struggling Japanese unit, Vodafone K.K." -"4","Cheap Windows comes under fire","Microsoft's attempt to win over new users with a cut-down edition of Windows comes in for strong criticism." -"3","Wal-Mart Maintains August Sales Forecast (Reuters)","Reuters - Wal-Mart Stores Inc. (WMT.N) on Monday\maintained its August sales forecast and said demand was\particularly strong in the U.S. Southeast last week as people\stocked up on duct tape, rope and water in preparation for\Hurricane Charley." -"3","Cost Cuts Help Kmart Post Profit"," CHICAGO (Reuters) - Kmart Holding Corp. <KMRT.O> on Monday reported its third consecutive quarterly profit as cost cuts made up for slumping sales, and its cash pile grew to about \$2.6 billion." -"4","China's Red Flag Linux to focus on enterprise","The company behind China's leading Linux client distribution, Red Flag Software Co. Ltd., is shifting its main focus to its server operating system and enterprise customers, and planning to expand sales overseas, the company's acting president said in an interview on Friday." -"4","Symantec releases patching tool","Security company Symantec Corp. plans to announce the release of a patch management product on Monday that it says will enable small and medium-sized businesses (SMBs) to stay on top of software vulnerabilities." -"1","Chavez Claims Victory in Referendum on His Rule","Venezuelan President Hugo Chavez won backing from 58 percent of voters, with 94 percent of electoral rolls counted, in a referendum on whether to recall him." -"2","U.S. Tries to Rebound From Loss in Athens (AP)","AP - Greetings from the Olympic men's basketball tournament, where America is tied for last place with Angola, Australia, New Zealand, China and the defending world champions from Serbia-Montenegro." -"1","Olympian on Briton death charge","An Olympic sailor is charged with the manslaughter of a Briton who died after being hit by a car in Athens." -"4","AccuRev touts software configuration management approach","AccuRev on Monday will release an upgrade to its SCM (software configuration management) package that the company argues offers a superior alternative to file-based SCM systems." -"4","End of the line for HP's Alpha processor","Hewlett-Packard Co. will release the final processor upgrade for its AlphaServer line of Unix servers on Monday." -"4","HP pushes parity for Itanium, PA-RISC servers","At its annual HP World user conference in Chicago this week, Hewlett-Packard Co. (HP) will announce a number of enhancements to its HP-UX operating system, designed to narrow the gap between the capabilities of the company's Integrity and HP 9000 servers." -"1","Darfur Displaced Return to 'Live in Fear' of Militia (Reuters)","Reuters - Villagers returning to their\homes in Sudan's Darfur region are living in fear of the Arab\militiamen who initially drove them away, the United Nations\said in a report received by Reuters Monday." -"1","Sudan Trying to Keep Darfur Promises-U.N. (Reuters)","Reuters - Raids by Sudanese forces and Arab\militiamen have worsened a desperate situation in Darfur,\rights groups say, but the United Nations said Khartoum was\making serious efforts to keep pledges to curb the violence." -"1","Darfur Displaced Return to 'Live in Fear' of Militia"," KHARTOUM, Sudan (Reuters) - Villagers returning to their homes in Sudan's Darfur region are living in fear of the Arab militiamen who initially drove them away, the United Nations said in a report received by Reuters Monday." -"1","Ex-Chess Champion Fischer to Marry Japanese Woman"," TOKYO (Reuters) - In a bold gambit worthy of the chess champion he once was, Bobby Fischer plans to wed a four-time Japanese great in the hope of avoiding deportation home to the United States, where he is wanted for breaking sanctions." -"1","Heiress Nicky Hilton Marries in Vegas","LAS VEGAS - Nicky Hilton, the hotel heiress and socialite, has tied the knot with her beau in a late-night ceremony, according to court filings obtained by The Associated Press. Hilton, 20, married New York money manager Todd Andrew Meister, 33, at the Las Vegas Wedding Chapel early Sunday, according a Clark County marriage license..." -"1","Anarchists' Convention Debates Voting","ATHENS, Ohio - A group of anarchists is taking an unusual step to make its political voice heard - going to the polls. Anarchists generally pride themselves on their rejection of government and its authority..." -"3","Allstate Says Charley Could Hurt Results"," NEW YORK (Reuters) - Allstate Corp. <ALL.N>, the No. 2 U.S. home and auto insurer, on Monday said potential losses stemming from Hurricane Charley could hurt its current results." -"3","Hungarian central bank cuts key interest rate by half percentage point (AFP)","AFP - The Hungarian central bank cut its benchmark interest rate by 50 basis points from 11.5 percent to 11.0 percent, the bank said in a statement posted on its website." -"3","CompUSA Stores to Sell Gateway PCs (Reuters)","Reuters - Gateway Inc. (GTW.N), the computer\maker that recently shuttered its chain of 188 stores, will\begin selling its desktops at CompUSA Inc.'s outlets later this\week, the two companies said on Monday." -"3","CompUSA Stores to Sell Gateway PCs"," NEW YORK (Reuters) - Gateway Inc. <GTW.N>, the computer maker that recently shuttered its chain of 188 stores, will begin selling its desktops at CompUSA Inc.'s outlets later this week, the two companies said on Monday." -"4","Lebanese shun mobile phones for a day in protest at high costs (AFP)","AFP - Lebanese mobile phone users were urged to leave their portable telephones at home or switched off in protest at what is considered one of the costliest services in the world." -"4","Forming galaxy cluster captured","The Chandra telescope has seen huge gas clouds in space in the act of merging to form a massive galaxy cluster." -"1","U.S. Embassy in Malaysia Has Anthrax Scare (AP)","AP - Authorities are testing a suspicious powder mailed to the U.S. Embassy in Malaysia to determine whether it is anthrax, officials said Monday after the second such scare at a U.S. mission in Asia within a week." -"1","Suspicious Powder Found at U.S. Embassy in Malaysia"," KUALA LUMPUR, Malaysia (Reuters) - An envelope containing suspicious white powder and threats against Americans was delivered to the U.S. embassy in Malaysia, prompting health checks on three staff, the embassy and police said Monday." -"1","Megawati Defends Achievements Ahead of Vote"," JAKARTA (Reuters) - Indonesian President Megawati Sukarnoputri, trying to maintain momentum in a tight election battle, said Monday her government had stabilized the economy and cracked down hard on militants and separatists." -"1","Syrian Rights Activist to Be Released Pending Trial"," DAMASCUS (Reuters) - A Syrian court has agreed to release on bail a prominent rights activist who faces trial on charges of tarnishing the image of the Arab state by publishing false information, one of his lawyers said Monday." -"3","Kmart Posts Profit After Cost Cuts"," CHICAGO (Reuters) - Kmart Holding Corp. <KMRT.O> on Monday reported its third consecutive quarterly profit despite slumping sales as it cut jobs and reduced advertising and discounts, boosting its cash pile to \$2.6 billion." -"3","LifePoint in \$1.1 Billion Province Deal"," NEW YORK (Reuters) - Rural hospital operator LifePoint Hospitals Inc. <LPNT.O> has agreed to acquire rival Province Healthcare Co. <PRV.N> for \$1.125 billion in cash and stock to broaden its geographic reach, the companies said on Monday." -"1","Commuter tackles bad train service by starting own railway (AFP)","AFP - Grumbling about trains is part of the way of life, but one commuter has decided to do something about it -- by starting his own railway." -"1","Israel turns up heat on prisoners","Israel launches psychological war against hundreds of Palestinian inmates on hunger strike for better conditions." -"2","Czech Coach Hlinka Dies in Car Accident (AP)","AP - Czech Republic national ice hockey team coach, and former Pittsburgh Penguins coach, Ivan Hlinka died Monday after sustaining serious injuries in a car crash, an official said." -"3","Stocks Set to Open Little Changed"," NEW YORK (Reuters) - Wall Street is set to open little changed on Monday as crude prices remain near their record highs, but insurers may slip on worries about their potential liabilities after a hurricane struck Florida on Friday." -"4","Wherenet adds biz rules to RFID","The first indication that the value of RFID (radio frequency identification) will extend beyond the supply warehouse was shown last week by WhereNet, a provider of wireless location and communications technology." -"4","Oracle readies CRM updates","Oracle Corp. plans to release the latest version of its CRM (customer relationship management) applications within the next two months, as part of an ongoing update of its E-Business Suite." -"1","Grieving families cremate dead after Assam bombing (Reuters)","Reuters - Grieving relatives on Monday cremated victims, mostly women and children, of a separatist bombing in northeastern India, while hundreds of angry people rallied against the rising bloodshed." -"1","Chechnya marks 'special' birthday","The authorities in war-torn Chechnya announce cash gifts for boys born on the slain leader's birthday." -"4","Feedster Includes Kanoodle Ads in RSS Feeds","Feedster Includes Kanoodle Ads in RSS Feeds\\Feedster, Inc. today announced the launch of its RSS feed media program. The Company rsquo;s RSS search feeds will soon contain context targeted ads from Kanoodle, Inc., a leading provider of sponsored links for search results and content pages. Alternatively searchers may opt to pay ..." -"4","Google IPO Continues Despite Playboy Boob","Google IPO Continues Despite Playboy Boob\\Google's IPO ran into another problem last week with investors being allowed to start bidding on the company last Friday. Google rsquo;s founders will appear in an upcoming issue of Playboy magazine which will be on the shelves this Friday. Although the interview was apparently held ..." -"2","Greek Sprinters Given Two-Day Reprieve"," ATHENS (Reuters) - Greek sprinters Costas Kenteris and Katerina Thanou won a two-day reprieve at the Athens Olympics Monday so they could appear in person at a disciplinary hearing into their missed drugs tests and protest their innocence." -"3","Sysco Corp.'s 4Q Profit Up 16 Percent","Sysco's fiscal fourth-quarter profit rose 16 percent due to an extra week in the quarter, customer-service initiatives and operating efficiency." -"1","Chvez Is Declared the Winner in Venezuela Referendum","The president won the backing of 58 percent of voters, officials said, but the opposition said that the government had cheated." -"3","Stocks Open Near Flat as Oil Near Record"," NEW YORK (Reuters) - U.S. stocks opened little changed on Monday as crude prices remain near their record highs, but early reports of victory for the Venezuelan president in a referendum on his rule eased fears about the country's oil exports." -"1","Letter, suspicious powder spark anthrax scare at U.S. Embassy in Malaysia (Canadian Press)","Canadian Press - KUALA LUMPUR, Malaysia (AP) - Authorities are testing a suspicious powder mailed to the U.S. Embassy in Malaysia to determine whether it's anthrax, officials said Monday. It's the second such scare at a U.S. mission in Asia within a week." -"2","Patriots Sign First-Round Pick Watson (AP)","AP - The New England Patriots signed first-round draft pick Benjamin Watson on Monday, ending the tight end's lengthy holdout." -"3","Indonesia urges debt flexibility","Indonesia calls on the International Monetary Fund to help reschedule its debts, as figures reveal a slowdown in economic growth." -"3","Oil Holds Near Record Level","Oil prices fell 23 cents to \$46.35 a barrel after Venezuelan Hugo Chavez won a recall referendum, appeasing worried energy markets." -"3","Ride This Gem","Amusement park operators have produced volatile results, but this company has stood the test of time." -"4","HP Faces New Realities in a 64-Bit World (Ziff Davis)","Ziff Davis - The company this week will unveil more programs and technologies designed to ease users of its high-end servers onto its Integrity line, which uses Intel's 64-bit Itanium processor." -"4","EU Extends Microsoft-Time Warner Review (AP)","AP - European antitrust regulators said Monday they have extended their review of a deal between Microsoft Corp. and Time Warner Inc. to make anti-piracy software together." -"3","Insurers Begin Tallying Charley Losses (Reuters)","Reuters - U.S. insurers on Monday predicted that\Hurricane Charley could be the most costly U.S. storm since\Andrew in 1992, with Florida officials initially estimating\economic losses at #36;15 billion." -"4","Google Stays on Track Despite Best Efforts","It looks like Google's public stock offering will proceed, no matter how hard the company tries to shoot itself in the foot. Not only that, its unique approach to the IPO game could result in an overhaul of federal securities regulations. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-washingtonpost.com</b></font>" -"4","Microsoft lists SP2 conflicts","Software giant releases just which programs are having issues with its Service Pack 2 update for Windows XP." -"1","Chavez Declares Recall Victory; Foes Claim Fraud"," CARACAS, Venezuela (Reuters) - Venezuela's left-wing President Hugo Chavez on Monday declared victory in a historic recall referendum on his rule, but his opponents vowed to challenge vote results they rejected as a ""gigantic fraud.""" -"1","Singh Wins PGA Championship in Playoff","HAVEN, Wis. - Vijay Singh shot a 4-over 76 to eke into a three-way playoff Sunday, then made his only birdie of the day on the first of three extra holes to beat Justin Leonard and Chris DiMarco in the PGA Championship at Whistling Straits..." -"1","Crews Rush to Hurricane-Ravaged Florida","PUNTA GORDA, Fla. - Urban rescue teams, insurance adjusters and National Guard troops scattered across Florida Monday to help residents rally from the brunt of Hurricane Charley, the worst storm to hit the state in a dozen years..." -"1","Stocks Higher Despite Soaring Oil Prices","NEW YORK - Wall Street shifted higher Monday as bargain hunters shrugged off skyrocketing oil prices and bought shares following an upbeat sales report from Wal-Mart Stores and a bright outlook from Lowe's. The Dow Jones industrial average was up 84.07, or 0.9 percent, at 9,909.42, after edging 0.1 percent higher last week..." -"1","China Condemns Whistle-Blower","A Communist Party whistle-blower who created a national sensation in China by publicly accusing his superiors of tolerating official corruption has been condemned for breaking party rules and ordered to ""do a complete self-examination,"" authorities announced." -"3","KMart Posts Profit; Cash Pile Grows"," CHICAGO (Reuters) - Kmart Holding Corp. <KMRT.O> on Monday reported its third consecutive quarterly profit despite slumping sales as it cut jobs and reduced advertising and discounts, boosting its cash pile to \$2.6 billion." -"3","Thomson Buys Test Provider Capstar"," TORONTO (Reuters) - Electronic publisher Thomson Corp. <TOC.TO> said on Monday it will buy test provider Capstar from Educational Testing Service, the latest in a string of acquisitions designed to flesh out its product offerings." -"3","Lowe's Reports Increase in Second-Quarter Net Income","Lowe's reported a 17.9 percent increase in net income during its second quarter, but results missed Wall Street expectations." -"4","New tool identifies 'phishy' Web sites","A new software tool from WholeSecurity Inc. can spot fraudulent Web sites used in online cons known as ""phishing"" scams, according to a statement from the company." -"3","Lowe's Net Trails Views, But Shares Rise"," ATLANTA (Reuters) - Lowe's Cos. <LOW.N>, the No. 2 home improvement retailer behind Home Depot Inc., on Monday reported an 18 percent increase in second-quarter profit, but results trailed estimates as sales weakened in June." -"4","On the Beastie Boys 'virus' CD","<strong>Review</strong> Does not attempt world domination, but" -"4","Briefly: AOL kicks off free fantasy sports","roundup Plus: HP partners with 3G gear maker...AMD starts shipping 90-nanometer chips...ABC.com to air on Real's SuperPass." -"4","EC puts off decision on Microsoft, Time Warner deal","Regulators could still launch an investigation into the two titans' acquisition of ContentGuard, a digital rights company." -"4","An Olympic Selection of Search Resources","The 2004 Summer Olympics are underway in Athens and the web is home to plenty of information that makes watching the games even more interesting. " -"3","KMart Posts Profit; Cash Pile Grows (Reuters)","Reuters - Kmart Holding Corp. (KMRT.O) on Monday\reported its third consecutive quarterly profit despite\slumping sales as it cut jobs and reduced advertising and\discounts, boosting its cash pile to #36;2.6 billion." -"3","Oil Slips from Record High of \$46.30"," LONDON (Reuters) - Oil prices eased from new record highs on Monday as victory for Venezuelan President Hugo Chavez in a referendum on his rule eased fears that unrest could upset the country's oil exports." -"3","Stocks Gain as Oil Prices Ease"," NEW YORK (Reuters) - U.S. stocks gained on Monday as oil prices dipped after reports of victory for the Venezuelan president in a referendum on his rule eased fears about the country's oil exports." -"4","News: Technology Already Exists to Stabilize Global Warming","Existing technologies could stop the escalation of global warming for 50 years and work on implementing them can begin immediately, according to an analysis by Princeton University scientists. (Princeton University press release)" -"4","News: Future Heat Waves: More Severe, More Frequent, and Longer Lasting","Heat waves in Chicago, Paris, and elsewhere in North America and Europe will become more intense, more frequent, and longer lasting in the 21st century, according to a new modeling study by two scientists at the National Center for Atmospheric Research (NCAR). (NCAR press release)" -"4","News: New Hypoxic Event Found Off Oregon Coast","For the second time in three years, a hypoxic ""dead zone"" has formed off the central Oregon Coast. It's killing fish, crabs and other marine life and leading researchers to believe that a fundamental change may be taking place in ocean conditions in the northern Pacific Ocean. (Oregon State University press release)" -"4","HP invokes Adaptive Enterprise mantra","Hewlett-Packard will detail enhancements to its virtualization products, the HP-UX 11i Unix operating system, and its AlphaServers this week during its HP World 2004 conference in Chicago." -"2","Haas, Cink Join Ryder Cup Team","Jay Haas became the second-oldest player to be on the Ryder Cup team, joining Stewart Cink as the two captain's picks Monday for a U.S. team that will try to regain the cup from Europe next month." -"2","American Aphrodite","Brooklyn-native Yvette Jarvis is an 'every woman' in Greece: professional basketball player, model, TV and talk show star and Athens councilwoman." -"2","Edwards Appears for Hearing","U.S. sprinter Torri Edwards appeared for a hearing on her doping case that will determine whether the reigning 100-meter world champion competes in the Athens Games." -"1","Superstar's uncivil behavior is criminal (Chicago Tribune)","Chicago Tribune - Pop stars are no strangers to bad behavior. Smashed guitars, ruined hotel rooms--such misdeeds often are chuckled over later, written up in the tabloids, perhaps listed on invoices for damage. Not so in Russia, where the public expects its performers to remember that they walk in Tchaikovsky's footsteps." -"1","Canada must help raise profile of development issues in Africa: Goodale (Canadian Press)","Canadian Press - OTTAWA (CP) - Canada intends to return to the forefront on African development issues, beginning with a renewed effort at helping the troubled continent grow out of poverty, says Finance Minister Ralph Goodale." -"1","Govt likely to cut oil product duties - official (Reuters)","Reuters - The government is expected to slash customs and excise duties on petroleum products in a bid to control inflation without hurting the profitability of oil firms, an oil industry official said on Monday." -"1","National pharmacare program would reduce hospital waiting lists: McGuinty (Canadian Press)","Canadian Press - TORONTO (CP) - A national pharmacare program funded by the federal government would indirectly result in shorter waiting lists, Ontario Premier Dalton McGuinty said Monday." -"1","Losses and Lessons for Bush and Kerry (Los Angeles Times)","Los Angeles Times - They lost at politics at an early age. Since then, they've rarely made the same campaign mistakes twice." -"1","Pakistan Military Plays Down 'Terror Summit' Report"," ISLAMABAD (Reuters) - Pakistan's military Monday played down a report in the latest edition of Time magazine describing what it called a ""summit of terrorists"" held in March in lawless tribal areas bordering Afghanistan." -"1","Trial on Private Prison in Afghanistan Is Underway","Jonathan Keith ""Jack"" Idema, the American accused of running a free-lance anti-terror operation and private prison in Afghanistan, testified in court Monday that he could prove U.S. and Afghan authorities were fully aware of his actions." -"1","Bush's Withdrawal Plan Could Draw Votes","WASHINGTON - President Bush's plan to call tens of thousands of U.S. troops home from Europe and Asia could gain him election-year applause from military families, but won't ease the strain on soldiers still battling violent factions in Iraq and Afghanistan..." -"1","Delegates Urge Al-Sadr to Leave Shrine","BAGHDAD, Iraq - Delegates at Iraq's National Conference called Monday for radical Shiite cleric Muqtada al-Sadr to abandon his uprising against U.S. and Iraqi troops and pull his fighters out of a holy shrine in Najaf..." -"1","Phelps to Take on Thorpe in Busy Night","ATHENS, Greece - Michael Phelps, still smarting after America's upset loss to South Africa in the 400 freestyle relay, returned to the pool Monday and qualified fastest for the Olympic 200-meter butterfly. Phelps' quest to break Mark Spitz's record of seven gold medals at the 1972 Munich Games was dashed with the Americans' bronze medal in the relay Sunday night..." -"1","Haas, Cink Selected for Ryder Cup Team","MILWAUKEE - Jay Haas became the second-oldest player to be on the Ryder Cup team, joining Stewart Cink as the two captain's picks Monday for a U.S. team that will try to regain the cup from Europe next month..." -"1","Florida Hurricane Death Toll Rises to 17","PUNTA GORDA, Fla. - Urban rescue teams, insurance adjusters and National Guard troops scattered across Florida Monday to dig out victims of Hurricane Charley and deliver water and other supplies to thousands of people left homeless..." -"1","Stocks Sharply Higher on Dip in Oil Prices","NEW YORK - A drop in oil prices and upbeat outlooks from Wal-Mart and Lowe's prompted new bargain-hunting on Wall Street Monday, sending stocks sharply higher. The Dow climbed more than 110 points in morning trading..." -"3","How to Hire a Financial Planner (The Motley Fool)","The Motley Fool - You've got a money question, and the guy in the next cubicle hasn't a clue how to answer. You need trustworthy information. But where to start?" -"3","Daimler Nets \$900 Mln Via Hyundai Sale"," LONDON/FRANKFURT (Reuters) - DaimlerChrysler said it raised more than \$900 million by selling its 10.5 percent stake in Hyundai Motor Co. Ltd. on Monday, a remnant of its dented ambitions to build a global carmaking empire." -"4","AP: Group Discovers John the Baptist Cave (AP)","AP - Archaeologists said Monday they have found a cave where they believe John the Baptist anointed many of his disciples #151; a huge cistern with 28 steps leading to an underground pool of water." -"1","Speed Up Saddam's Trial, Allawi Tells Court (Reuters)","Reuters - Interim Prime Minister Iyad Allawi\urged an Iraqi court Monday to speed up proceedings against\toppled leader Saddam Hussein and his close aides." -"3","The Internet Is Calling","Web phone service is exploding. And maverick Jeffrey Citron lit the industry's fuse" -"3","A Stereo with a Brain","You can train Bose's new system to play songs you like. Is it worth the price?" -"3","The Sponsor Moves In","The Days, owned by its advertisers, may boost ABC'S bottom line. But will they control content?" -"4","South African telephone monopoly to go ahead with lay-offs despite court ban (AFP)","AFP - South African fixed line monopoly Telkom vowed to go ahead with plans to cut 4,000 jobs despite a court injunction forcing the state-run enterprise to seek agreement with the unions." -"1","China Typhoon Death Toll Rises; 40 Missing (AP)","AP - China raised its official death toll from Typhoon Rananim to at least 147 on Monday, as villagers with farm tools dug through massive landslides searching for 40 people still missing." -"1","Speed Up Saddam's Trial, Allawi Tells Court"," BAGHDAD (Reuters) - Interim Prime Minister Iyad Allawi urged an Iraqi court Monday to speed up proceedings against toppled leader Saddam Hussein and his close aides." -"1","Singer 'may move to French jail'","French rock star Bertrand Cantat could return home from Lithuania to complete his jail term for killing his lover." -"1","What is this Man Plotting?","A newly revealed summit of terrorists raises fears of a fresh plan to attack the U.S. This bombmaker and pilot could be a key player " -"3","Stocks Higher on Oil Price Relief"," NEW YORK (Reuters) - U.S. stocks gained on Monday, getting a boost from lower oil prices after news the Venezuelan president survived a recall eased fears about the country's oil exports." -"4","Nanotech Research Spending Seen Reaching #36;8.6 Bln (Reuters)","Reuters - Worldwide research and\development spending in the emerging field of nanotechnology\should rise about 10 percent this year to #36;8.6 billion, a\research firm said on Monday." -"4","Kan. to Move Forward on Dinosaur Exhibit (AP)","AP - Concerns about funding and poor attendance will not stop plans to bring a dinosaur exhibit to Science City at Union Station, University of Kansas and Science City officials said." -"4","Nanotech Research Spending Seen Reaching \$8.6 Bln"," SAN FRANCISCO (Reuters) - Worldwide research and development spending in the emerging field of nanotechnology should rise about 10 percent this year to \$8.6 billion, a research firm said on Monday." -"1","Bombs explode at Nepal luxury hotel, no casualties (Reuters)","Reuters - A man on a bicycle threw at least four bombs into the compound of a luxury hotel in Nepal's capital on Monday but the blasts caused no casualties, authorities said." -"1","AdWatch: Bush Raps Kerry on Intel Reform (AP)","AP - Details of new television ad from President Bush to begin airing Monday:" -"3","Is 4Kids 4 Investors?","4Kids Entertainment got karate-chopped last week. Can it get back up off the mat?" -"4","Google: Now Playboy's Latest Bunny (washingtonpost.com)","washingtonpost.com - Investors in the company that's trying to come off as cute as a bunny could find themselves holding a fistful of vipers if the founders of Google Inc. continue to chart their erratic course." -"4","Security expert warns computer hackers keeping up with technology (AFP)","AFP - Computer hackers are keeping up with the times and are putting an increasingly technology-dependent world at risk, the chairman of leading US-based IT security firm McAfee said." -"4","E.U. Extends Review of Anti-Piracy Software Deal","European antitrust regulators said Monday they have extended their review of a deal between Microsoft Corp. and Time Warner Inc. to make anti-piracy software together." -"1","Bicycle Bomber Attacks Nepal Hotel"," KATHMANDU, Nepal (Reuters) - A man on a bicycle threw at least four bombs into the compound of a luxury hotel in Nepal's capital Monday but the blasts caused no casualties, authorities said." -"3","Charley Sends Mobile Home Stocks Soaring"," NEW YORK (Reuters) - Shares of mobile home manufacturers soared on Monday on hopes of increased business after the destruction Hurricane Charley wreaked in Florida over the weekend, an analyst said." -"4","Windows update causes headaches","Games and security programs are on a long list of software that does not work well with the Windows SP2 update." -"4","Nanotech Research Spending Seen Reaching \$8.6B","Worldwide research and\development spending in the emerging field of nanotechnology\should rise about 10 percent this year to \$8.6 billion, a\research firm said on Monday." -"1","Donkey cart beats out Porsche in Portuguese road race (AFP)","AFP - A donkey cart beat a Porsche in a race held in a northern Portuguese city over the weekend to see which mode of transportation could best handle car congestion." -"1","Sudan army voices opposition to upgrading of African Union mission (AFP)","AFP - The Sudanese army expressed opposition to the upgrading of an African Union protection mission newly arrived in the wartorn western region of Darfur into a full-blown peacekeeping force." -"3","Stocks Higher on Oil Price Relief (Reuters)","Reuters - U.S. stocks gained on Monday, getting\a boost from lower oil prices after news the Venezuelan\president survived a recall eased fears about the country's oil\exports." -"3","Intelsat to Be Bought for #36;5 Billion (Reuters)","Reuters - Intelsat Ltd., the world's\second-largest satellite operator, said on Monday it agreed to\be bought by a consortium of four private equity firms for #36;5\billion, including assumption of #36;2 billion of debt." -"3","Intelsat to Be Bought for \$5 Billion"," NEW YORK (Reuters) - Intelsat Ltd., the world's second-largest satellite operator, said on Monday it agreed to be bought by a consortium of four private equity firms for \$5 billion, including assumption of \$2 billion of debt." -"3","Stamps.com Asks You to Picture This","The online postage service offers a chance to put personal pictures on official stamps." -"3","Will Schwab Reward Patience?","The company saw an improvement in its trades, but will this market be kind to the brokerages?" -"4","Bacteria Give Coral Its Orange Glow, Study Finds (Reuters)","Reuters - The soft orange glow of a common\Caribbean coral comes not from the coral itself but from\bacteria that live inside it, U.S. scientists said on Thursday." -"4","HP unveils Unix roadmaps","<strong>HP World</strong> Free Alpha upgrades to stem defections" -"4","McAfee grabs Foundstone","The former plans to team up its intrusion prevention technology with the latter's vulnerability management software." -"1","U.N. Official Urges Political Independence (AP)","AP - The United Nations should find ways to demonstrate political independence, regain the neutrality it lost after the Sept. 11 attacks and better communicate with the world's 1 billion Muslims, a top U.N. official said Monday." -"1","Jackson Squares Off With Attorney","SANTA MARIA, Calif. - Dozens of Michael Jackson's fans pressed against a chain-link fence outside court Monday, staking out viewing spots hours before the pop star was to arrive to face off against the prosecutor who has pursued him for years on child molestation charges..." -"1","AP: Group Discovers John the Baptist Cave","KIBBUTZ TZUBA, Israel - Archaeologists said Monday they have found a cave where they believe John the Baptist anointed many of his disciples - a huge cistern with 28 steps leading to an underground pool of water. During an exclusive tour of the cave by The Associated Press, archaeologists presented wall carvings they said tell the story of the fiery New Testament preacher, as well as a stone they believe was used for ceremonial foot washing..." -"1","Delegates Urge Al-Sadr to Leave Shrine","NAJAF, Iraq - U.S. tanks rolled into the Old City of Najaf toward a holy Shiite shrine where militants were hiding Monday as participants at a national conference voted to send a delegation here to try to negotiate an end to the fighting..." -"1","Bush Announces Plan for Troop Realignment","WASHINGTON - President Bush on Monday announced plans to shift 60,000 to 70,000 U.S. troops who are now stationed in Europe and Asia in one of the largest troop realignments since the end of the Cold War..." -"4","'SP2' a Must For XP Users (washingtonpost.com)","washingtonpost.com - To get an idea of how Windows got to be such a mess, think of it as a house that was built on an island in the middle of a lake, deep in the countryside." -"4","Rough patches for Microsoft's SP2","Windows update doesn't play well with all applications, even Redmond's. Also: CNET Reviews on security work still to be done." -"2","Bryant Defense Wins Ruling","In another setback to the prosecution in the Kobe Bryant sexual assault case, the court maintains ruling that allows information about the accuser's sex life into court." -"3","Stocks Up, Oil Price Ease Gives Relief"," NEW YORK (Reuters) - U.S. stocks climbed on Monday, getting a boost from lower oil prices after Venezuela's president declared he had survived a recall referendum, easing fears about the country's oil exports." -"3","KMart Posts Profit; Cash Hits \$2.6 Bln"," CHICAGO (Reuters) - Kmart Holdings Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=KMRT.O target=/stocks/quickinfo/fullquote"">KMRT.O</A> on Monday reported its third consecutive quarterly profit and boosted its cash pile to \$2.6 billion as it cut spending on advertising and discounts, sending its stock up 14 percent." -"4","Personal Tech: Cybersecurity","Fast Forward columnist Rob Pegoraro will be online to talk about The Washington Post's special cybersecurity report." -"4","PivX hardens Windows with Qwik-Fix Pro","PivX Solutions, Inc. of Newport Beach, California, on Monday announced the availability of Qwik-Fix Pro, an intrusion prevention software product for Windows machines that disables or modifies features of Microsoft Corp. Windows and the Internet Explorer (IE) Web browser that are frequent targets of malicious computer hackers and virus writers." -"3","No Respite for Microsoft","European antitrust regulators extend their review of Microsoft-Time Warner deal. Also: Gateway plans to sell desktops at CompUSA hellip;. Vodafone's Japanese unit headhunts an executive from rival NTT DoCoMo hellip;. and more." -"3","Overland Bullish on Tech","Investors are dumping tech stocks with abandon. As for Overland Storage, it is a buyer." -"4","Plurality of Worlds in the Universe","Did the same Greek philosophers who declared the first truce for Olympic competition have the foresight to imagine a universe not just where many countries could coexist, but also a universe occupied by many such habitable worlds?" -"4","CompUSA Agrees to Sell Gateway PCs (PC World)","PC World - Desktop systems will be available in 226 stores across the U.S." -"3","Lowe's Reports 18 Pct. Hike in Profits"," ATLANTA (Reuters) - Lowe's Cos. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=LOW.N target=/stocks/quickinfo/fullquote"">LOW.N</A>, the world's No. 2 home improvement retailer, on Monday reported an 18 percent increase in second-quarter profit and said earnings for the rest of the year would top current estimates." -"3","Toymakers' Stocks Hit Lows on Downgrade"," NEW YORK (Reuters) - Shares of top toy maker Mattel Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=MAT.N target=/stocks/quickinfo/fullquote"">MAT.N</A> and rival Hasbro Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HAS.N target=/stocks/quickinfo/fullquote"">HAS.N</A> fell to their lowest levels at least 14 months on Monday after a downgrade by Lehman Brothers, which cited deteriorating industry conditions." -"4","Microsoft ships updated Works","Version 8 of the low-priced productivity package includes a stand-alone dictionary and a PowerPoint add-on." -"4","Briefly: FaceTime pulls in \$16 million","roundup Plus: Bladed desktop pioneer gets \$25 million...AOL kicks off free fantasy sports...HP partners with 3G gear maker." -"4","Microsoft, Time Warner DRM buy on EU review shelf","Regulators could still launch an investigation into the two titans' acquisition of ContentGuard this month." -"4","Ex-Polaroid exec takes top finance job at 3Com","Donald Halsted, one target of a class-action suit alleging financial improprieties at bankrupt Polaroid, officially becomes CFO." -"4","Intel delays first TV chip","In another setback, the chipmaker says a processor for large-screen projection TVs won't come out this year." -"4","Sybase upgrades PowerBuilder, plots RFID move","Sybase Inc. released a new version of its application development tool on Monday, called PowerBuilder 10, and outlined plans for an upgrade to its database software, Adaptive Server Enterprise, which will go into beta at the end of this month and is due for release next year." -"4","Infocus: Detecting Worms and Abnormal Activities with NetFlow, Part 1","This paper discusses the use of NetFlow, a traffic profile monitoring technology available on many routers, for use in the early detection of worms, spammers, and other abnormal network activity in large enterprise networks and service providers." -"2","Escobedo Keeps U.S. Unbeaten in Boxing (AP)","AP - They washed cars, put up posters and sold T-shirts to raise the money to be here. When it was finally time for Vicente Escobedo to fight, his family and friends welcomed him into the arena by waving his picture and chanting ""Chente, Chente.""" -"2","Chronology of Key Events in Kobe Bryant (AP)","AP - Timeline of the sexual assault case against Los Angeles Lakers star Kobe Bryant:" -"2","Blackhawks Re-Sign Defenseman Berard"," Chicago, Ill. (Sports Network) - The Chicago Blackhawks Monday agreed to terms on a one-year contract with defenseman Bryan Berard. As per team policy, financial terms of the deal were not disclosed." -"1","India makes elephants appeal","Indian asks Bangladesh to spare the lives of around 100 elephants which have strayed across the border." -"1","Murder search police make arrest","Police investigating the murder of newlywed Chanel Taylor make an arrest." -"1","Bush Announces Plan to Realign Thousands of Troops","President Bush today announced plans to shift 60,000 to 70,000 U.S. troops who are now stationed in Europe and Asia." -"1","Bush Announces Plan for Troop Realignment","CINCINNATI - President Bush on Monday announced plans to shift as many as 70,000 U.S. troops who are now stationed in Western Europe and Asia in one of the largest realignments since the end of the Cold War..." -"1","Jackson Squares Off With Attorney","SANTA MARIA, Calif. - Fans of Michael Jackson erupted in cheers Monday as the pop star emerged from a double-decker tour bus and went into court for a showdown with the prosecutor who has pursued him for years on child molestation charges..." -"4","Does That Web Site Look Phishy? (PC World)","PC World - WholeSecurity's new software claims to identify fraudulent sites." -"4","Product Review: Nokia 6820 Wireless Messaging Handset (NewsFactor)","NewsFactor - The Nokia (NYSE: NOK) 6820 is an ergonomically pleasing handheld device that integrates short text, multimedia and \instant messaging capabilities with all of the features and functions that one normally would expect to find in a dedicated GSM/GPRS cellular phone." -"4","Sprint Broadens Its Vision (NewsFactor)","NewsFactor - Sprint (NYSE: FON) is taking its mobile-data services to the next level, targeting both consumers and business customers, as the carrier rolls out the Sprint TV multimedia service and adds the popular \BlackBerry e-mail application to its portfolio." -"4","Microsoft Lists XP SP2 Problems (NewsFactor)","NewsFactor - With automatic download of Microsoft's (Nasdaq: MSFT) enormous SP2 security patch to the Windows XP operating system set to begin, the industry still waits to understand its ramifications. Home users that have their preferences set to receive operating-system updates as they are made available by Microsoft may be surprised to learn that some of the software they already run on their systems could be disabled by SP2 or may run very differently." -"1","2 More Turkish Men Taken Hostage in Iraq (AP)","AP - Armed assailants attacked a convoy of Turkish trucks delivering supplies to U.S. forces in Iraq and took two Turkish drivers hostage, their company said Monday." -"4","Group to Talk Coal-Bed Methane Drilling (AP)","AP - Dozens of scientists plan to converge at the University of Wyoming to talk about West Nile virus, water pollution and other issues related to coal-bed methane drilling." -"4","FDA Approves New Device to Clear Blood Clots","By DIEDTRA HENDERSON WASHINGTON (AP) -- The first device to remove blood clots from the brains of people suffering strokes - a new treatment option that could save lives and shave the \$53 billion annual bill to treat strokes, has been approved by the government. In 80 percent of strokes, a blood vessel in the brain becomes clogged by a blood clot, increasing the chance of severe disability or death..." -"4","Briefly: Sprint to bake in BlackBerry","roundup Plus: Microsoft ships updated Works...FaceTime pulls in \$16 million...Bladed desktop pioneer gets \$25 million." -"4","Former Polaroid exec takes top finance job at 3Com","Donald Halsted, one target of a class action suit alleging financial improprieties at bankrupt Polaroid, officially becomes CFO." -"4","Sprint to bake in BlackBerry for businesses","Research In Motion's BlackBerry e-mail and data services will be carried on Sprint's networks." -"3","U.S. Stocks Rebound as Oil Prices Ease"," NEW YORK (Reuters) - U.S. stocks rebounded on Monday as oil prices retreated from their highs, while upbeat earnings announcements from retailers fueled the improved sentiment." -"3","Dollar Rises Vs Euro After Asset Data"," NEW YORK (Reuters) - The dollar gained against the euro on Monday after a report on flows into U.S. assets showed enough of a rise in foreign investments to offset the current account gap for the month." -"4","Bikes Bring Internet to Indian Villagers (AP)","AP - For 12-year-old Anju Sharma, hope for a better life arrives in her poor farming village three days a week on a bicycle rickshaw that carries a computer with a high-speed, wireless Internet connection." -"4","Celebrity Chefs Are Everywhere in Vegas","By ADAM GOLDMAN LAS VEGAS (AP) -- The waiter appears tableside in the cozy dining room laden with oil paintings, stained glass and hints of cherry and oak. Before reciting the day's special menu items, he recounts the restaurant's devotion to farm-fresh produce and tosses out a morsel about its namesake, chef Bradley Ogden..." -"4","Entertainment World Wary of Microsoft Technology","By GARY GENTILE LOS ANGELES (AP) -- CinemaNow Inc., the Internet-based movie service, is a rarity in Hollywood - a company that eagerly embraces Microsoft Corp. (MSFT) technology and relies on it exclusively to transmit, protect and display the movies it rents to customers..." diff --git a/fluid/PaddleRec/tagspace/test_data/small_test.csv b/fluid/PaddleRec/tagspace/test_data/small_test.csv new file mode 100644 index 0000000000000000000000000000000000000000..a88f023c7a07b6cb049e06d148cbcfad91d80f29 --- /dev/null +++ b/fluid/PaddleRec/tagspace/test_data/small_test.csv @@ -0,0 +1,1000 @@ +3,7824 5278 529 14 4358 4179 148 46 30 8862 39 349 12 10920 10109 303 637 4155 1 +0,472 91 2409 1039 27 63 79 4 10570 2488 9 0 297 169 104 2272 853 1625 3 2495 9 3536 3350 10941 201 1729 25 1489 172 0 43 516 1699 9 16 1476 1308 1 +0,24 27 62 2571 20 3 4589 3582 14 0 254 4 6939 124 3 3366 2 1707 3 5095 4 2685 478 10142 84 30 807 8443 4 8067 7994 0 974 1675 4 5232 1 +0,24 165 7 2449 2024 102 1054 6450 1322 26 1139 12 3 8297 4 4618 9813 2057 6 4812 8459 42 502 52 2087 120 0 106 29 1225 6906 29 454 5 1293 52 2051 7911 29 1494 51 9915 1293 29 3279 6 4884 29 5303 1 +0,24 1399 829 7 10776 443 354 737 39 3293 4 0 8323 5548 95 3099 0 390 7 43 1136 2 2703 474 1500 23 8744 4680 9811 1 +0,11 260 945 9 6345 6 7610 3941 1800 1000 3 2369 6981 581 12 0 10045 9577 4 8964 0 119 1104 4 260 9946 3064 46 436 5462 51 12 0 365 240 3954 6 1850 4467 2 200 40 557 3954 25 1662 9961 35 157 566 249 10 978 5 593 3601 29 210 34 9532 50 0 9483 4 4779 365 11 4978 6 8167 4 40 550 2 792 3 419 249 78 2804 21 520 1763 2 0 3941 50 19 3064 19 7 10134 15 78 10977 121 32 2 34 102 11433 2 9325 3580 211 78 619 121 548 19 1848 6 3506 3325 5007 2 277 562 5362 155 71 102 0 398 923 25 3371 5 185 643 1 +0,1 4325 2931 2182 8604 2447 4 0 2983 6 3029 2242 13 2167 9 825 113 4 931 9539 5 250 187 2 3 401 162 931 2175 2149 70 20 3114 62 4310 11 530 47 266 2931 31 1148 53 3234 5 1366 5 4142 20 369 54 18 52 89 4417 5222 505 0 2983 6 3029 2249 562 511 14 130 866 27 130 3114 10553 522 554 2 0 1548 7 3117 2892 0 339 389 10260 2931 7 4564 160 64 14 214 352 11290 4 2983 6 57 4 0 2679 10631 392 2248 3029 2912 6152 677 193 4650 14 4310 18 19 31 10869 1 +0,1 1902 6861 6 4516 9170 32 3 662 4 2081 2687 9 2195 392 6 3739 1237 78 732 600 68 222 57 661 293 1027 6 1467 6507 7217 257 9177 1237 5 0 1902 992 9 2731 932 4 11189 206 257 1237 1646 155 600 404 1902 6 4991 0 2996 257 3330 7 9 9475 542 55 1478 3 662 1068 1467 0 2996 257 3331 601 0 1902 992 4 185 2517 2062 6 564 1467 3 4516 9169 4 0 2996 257 3331 4 185 3301 3739 0 811 1902 992 85 4 868 794 2 34 9002 7949 3739 85 34 10232 23 0 2195 392 15 185 2482 985 38 9474 1 +0,7908 1391 5573 50 3508 39 16 995 5398 612 31 1547 1 +0,117 16 43 48 103 0 850 7 2030 862 995 927 25 5263 297 161 5415 3169 6 5645 8133 6 874 19 3598 5723 1 +0,1185 1163 17 27 229 4 193 275 360 960 2926 58 37 4335 98 36 4278 37 4277 2993 36 6 3871 97 37 3842 236 36 8 86 18 46 29 3543 3 38 567 1283 1320 51 2 169 526 0 1146 4 0 545 1104 1 +0,1185 1163 17 602 746 58 37 5751 236 36 8 81 611 1531 3 38 522 1087 2 2090 371 1082 905 72 2104 4926 6 1847 3 2519 372 3284 114 8372 2562 16 2059 2902 2876 1196 114 1 +0,3791 17 1906 7421 4297 3 1898 365 725 1689 355 602 746 58 2 143 8 81 12 0 516 4 3 38 871 175 5 499 7 258 3139 9 481 2740 399 1 +0,27 239 5624 8548 4 4449 84 25 90 985 5 7034 325 55 5477 1002 3404 1537 1 +0,6296 1107 71 10213 5272 8 10791 2 553 203 23 8537 242 1427 1 +0,2418 2712 4407 16 791 493 416 2 21 3300 449 3652 188 16 4419 103 1 +0,4072 4238 4100 842 32 985 2612 9773 3146 0 4974 1830 4 2933 7 199 1281 4001 3054 2612 9824 140 34 2173 9235 5443 20 4001 7 4974 10689 9 3149 4 103 1 +0,603 608 1347 3955 1381 2899 25 10474 2126 23 57 4 270 7 1381 5310 9 0 43 72 15 368 4 3 192 4 5018 1283 4719 11 4719 10127 0 234 9 618 1381 3461 2 2041 8 1755 5018 1283 1229 1 +0,435 510 361 504 469 9065 3196 10892 23 0 4901 2701 5 1645 325 1658 287 455 9701 10658 30 8261 71 8466 25 10818 3 10834 1701 7238 3582 7164 7024 4723 138 4 0 1267 5 4655 1 +0,527 6333 1016 911 627 3206 12 3 47 380 42 62 9902 967 1449 20 3 174 492 1 +0,129 0 157 4 0 47 0 3209 239 105 2 32 16 580 9385 248 5657 1 +0,3938 167 382 544 9 38 307 163 5368 184 256 3226 1 +0,111 193 8113 8975 9269 2 154 3388 6 3578 9137 1 +0,116 25 8258 16 377 15 3 234 9 9063 94 2 167 5 8 0 800 3251 641 541 0 2239 10913 19 7 89 8 6697 4240 1674 3 9891 4 118 339 400 21 520 800 12 1162 5527 99 40 10214 2 3 38 661 4 183 5165 211 40 1114 69 0 507 1 +0,129 2357 4098 607 1043 24 577 16 363 96 6 9472 8164 2519 202 3163 1886 4283 97 7501 10501 21 4443 3659 5 641 541 7 1159 11123 10701 9 2028 1 +0,2925 4697 142 2201 3318 2 673 138 4 0 182 3732 8582 4 0 558 3367 1 +2,219 271 124 0 112 144 5 0 570 998 3454 6 192 3 92 159 5 3 72 4 186 1008 268 823 909 1 +2,3973 6933 14 26 10558 1088 5540 3156 12 514 8254 6 3372 21 3490 4 1727 19 7 1238 2 1024 933 7803 6879 4459 0 356 4666 5 880 8478 5178 521 44 4879 757 7 76 2 9506 10 52 7 9670 3 4879 4628 213 52 68 3628 198 26 808 4 0 482 281 15 6253 7532 1 +2,577 0 528 2531 631 2334 7840 4816 513 354 0 471 331 767 2 4566 5106 4090 4298 35 8426 4 0 618 5 26 4605 926 0 9788 11 331 166 182 4 120 46 32 1137 14 4355 27 7286 23 4298 1027 19 2161 1461 5523 287 52 68 200 0 8014 14 0 1497 1 +2,1606 4982 120 944 1620 55 277 8 3 447 110 7 1020 1620 2743 0 110 132 75 12 26 2448 1676 1361 5839 54 13 2449 73 162 266 573 89 1124 8 4474 0 471 331 2308 1041 14 3983 1194 109 1009 42 52 89 2 3636 5 353 99 1620 89 3 2739 14 168 6 52 1 +2,117 87 1744 1328 87 7457 937 6117 6546 219 6775 6 944 7284 510 1285 95 110 2 200 1038 5943 7 649 8 120 2 277 12 26 10409 245 4789 1 +2,11 1358 952 802 601 57 137 4 0 1035 940 231 20 972 0 835 1403 289 73 136 110 12 168 675 20 4353 4024 6 3069 1615 1 +1,327 378 7833 1172 11 2733 4 3 343 54 770 39 3 1031 8614 12 369 25 4715 0 179 7 612 8634 3583 9 870 0 1781 3410 1 +1,24 11 343 54 582 1909 1375 1362 4144 10678 9371 180 31 3553 9 3 437 1528 4 51 2 297 682 104 132 0 1737 2029 2 694 10 52 31 1735 6 89 21 9109 4423 1316 813 11 1036 378 1 +1,836 100 6391 6 3369 10391 164 0 179 4 253 15 41 45 196 5 4461 2787 6 1546 1135 122 53 0 917 292 33 3 106 39 0 1231 4 349 6 12 203 3 3689 1686 616 2607 2 157 0 443 5 40 484 179 1 +1,1919 684 27 4903 1062 149 414 686 4540 4953 6 9278 14 526 4575 21 520 474 1188 8 33 9 678 2597 2768 3513 232 5 5588 14 3 628 2 0 1207 2965 10 13 2443 12 5101 2022 497 57 1125 52 18 154 792 5 7334 310 3670 164 26 9428 5 409 1 +1,7693 6 726 3736 4 719 995 107 123 251 7 2506 55 1127 11202 5 92 67 143 1 +1,24 27 5659 893 5422 891 10321 9 212 1367 6 1394 196 358 2 4412 8948 1369 30 216 10330 4 0 7823 1397 6363 6 7427 7458 1872 7816 1 +1,3050 17 27 677 1914 388 317 18 33 538 6 0 88 128 85 76 8749 475 1183 248 19 55 454 122 8099 5 538 12 16 258 9903 306 3103 147 1 +1,1377 375 1910 196 9589 5 375 7 258 10049 4 2026 443 197 11333 3340 23 0 359 2 0 657 5586 8 41 45 6 4162 8044 2 10536 21 474 1419 8652 5 0 598 134 18 33 1 +2,24 1939 747 209 3 133 2594 53 0 1013 340 2 154 0 1353 1895 157 3 1012 137 1274 2205 33 972 1201 4350 6 0 111 332 1382 66 226 1 +3,17 5846 2709 30 1463 35 122 2 676 9133 29 200 0 9328 335 3672 8620 5466 6 738 4420 40 1245 42 19 55 34 3 2230 425 12 2208 6 1290 1472 3 11116 783 8 35 2793 1 +1,24 464 299 328 89 918 77 103 380 101 152 7 1555 164 0 2250 4 40 8529 179 85 32 90 118 0 3647 4 1294 1091 816 10 135 10279 32 181 2 0 10635 4 3661 4788 9207 6 9182 1 +0,6401 91 1630 5 7627 91 3 295 56 2630 634 2609 5192 442 49 61 169 1016 3175 8 95 39 171 7 580 344 190 392 1288 9508 3 57 47 5451 8 16 2109 2641 399 213 4 300 256 1025 1536 1 +2,24 6235 6375 4776 5 0 222 274 145 5 0 1240 340 5058 0 2828 3817 2 3 170 66 224 44 0 1594 3056 8 33 11 108 802 2828 601 3 5173 1125 4 828 6 960 5 0 1035 1561 862 282 1 +2,24 7235 1047 1361 6308 713 0 826 1585 137 83 0 1064 1379 1587 8 33 110 12 3 3646 674 10354 1 +1,533 272 17 962 1157 5 514 1121 8 33 5 3 659 319 8 287 2 424 215 1159 101 261 251 6 1445 476 10308 5567 566 53 0 110 1 +0,2319 2340 17 830 58 37 1893 236 36 0 92 7 199 470 342 18 8 28 19 25 215 0 363 157 381 470 143 5 171 6 265 16 1784 449 286 9 0 127 40 47 416 2 5413 438 5 0 5331 1 +1,2839 17 1355 8 28 543 3 634 126 1978 9 10858 9 1401 4 974 21 9049 392 5 0 88 128 6 18 52 55 222 8 814 930 1144 1 +2,3818 216 255 4746 9 2414 3081 0 262 73 1514 670 5 0 92 54 25 76 124 3 216 2004 248 26 11180 14 0 2811 41 45 330 1 +1,125 27 10860 4 56 1874 2905 2306 5642 1454 206 5 2269 29 3339 2 227 689 119 162 9 3689 8811 2435 14 4814 56 9181 8 0 1051 10139 56 476 18 1 +2,80 93 17 1939 747 918 60 740 3138 5 268 73 170 889 2 154 0 1353 1895 157 3 1012 137 1274 2205 12 3 66 226 108 44 0 1261 111 332 1382 5 0 212 467 33 1 +1,125 27 8731 5 0 359 4 0 4137 31 772 42 2120 10671 64 396 82 4994 6 1716 561 867 879 75 65 7 10561 134 6 1133 18 1 +0,4344 91 11 41 2339 344 239 1340 2 548 3 234 2 8873 0 2877 567 6 2566 518 1227 1 +3,412 17 11 702 2516 2 3 133 65 363 83 0 1718 8 28 132 2713 3637 8 207 348 42 5410 67 96 6 5577 41 45 301 867 2 4859 458 50 0 782 4 0 92 7 199 221 1 +0,429 219 6809 892 320 53 94 54 64 776 5145 6 780 49 11311 799 52 10399 52 55 277 562 50 19 1 +1,125 605 7 4339 6749 6 7664 941 690 209 3 2204 1147 2 3310 16 936 9220 12 0 2439 19 29 479 0 496 1193 10890 1287 4 1398 7 7137 690 1 +1,744 100 3934 14 100 7 212 1889 358 8 1300 540 480 1385 334 432 2 3087 26 2238 83 41 45 6 269 196 6 1795 26 1454 60 4 3 484 628 5 253 1 +3,80 93 17 41 45 4354 3242 96 10758 8 28 1027 3697 8452 0 592 15 207 348 3563 61 245 3349 1079 5 3615 1 +3,80 93 17 11 702 2055 2573 83 0 1718 8 28 39 3 218 8 3338 53 41 45 2442 1140 614 4 3 627 5 881 3409 2 2112 0 545 3089 774 9 0 162 1 +2,4128 693 468 41 45 753 535 1075 4025 4324 4876 26 79 8 28 102 52 172 0 10662 4 1376 1600 6 1202 1357 15 26 1075 7 2125 1 +2,1376 1600 3412 1202 1357 15 0 48 1075 7 2125 9 3 41 45 79 10 29 495 2 2158 0 3231 23 499 119 162 1 +2,24 126 7138 3915 124 59 112 5 0 311 364 4487 28 110 3915 0 241 1563 417 2 1832 243 73 1482 5 0 653 1101 43 5 73 1482 226 2254 909 6836 6195 4 4399 54 11010 14 5877 254 5 3809 1714 0 1142 5 73 1566 682 6877 6977 4 684 209 1995 5 73 1566 2819 1 +0,1057 1388 1055 7198 25 5297 16 191 808 1881 969 5 565 3753 169 4 16 191 1768 2668 1520 663 6 440 4621 968 1 +1,125 11 88 749 1000 21 1216 292 9 5669 104 987 2 154 4890 1851 2555 4927 1102 3625 39 48 5476 4 1584 31 10936 3254 4691 6 515 49 61 2817 94 1 +0,1910 5 227 1182 150 4 6828 3617 51 567 9656 15 368 4 3402 2 8342 481 8899 1 +1,1060 1045 831 2421 908 1149 786 2430 6 212 1367 196 1810 290 312 28 2 154 1851 4 299 328 6 1704 599 6 135 1325 2 350 4 94 215 2595 1 +1,3022 2953 745 3976 4 219 1916 3304 5 3184 28 15 0 2678 285 2538 23 3 546 3244 1555 2471 6 737 53 228 9 3 1814 12 0 3545 54 25 3552 180 9 103 8 2479 2647 647 1 +2,24 11 6115 5976 2771 976 7352 6309 2 0 826 6636 8 28 9 3 63 346 1494 5 0 741 2370 2040 1 +1,327 378 6851 326 938 1172 1391 32 1978 3 343 5 0 3415 6 1313 761 4 21 351 47 266 4920 10 4909 40 10951 4369 2486 75 65 1 +0,471 3989 844 408 0 62 291 171 7 295 500 2482 1237 105 2 878 49 8 16 910 307 163 6 1243 300 0 62 7 1969 267 18 1 +0,1576 4237 7599 1908 462 7760 1396 6711 1908 91 58 172 195 10 0 6166 2982 5763 6 6689 2687 4 324 1059 58 32 1141 21 759 12 1908 2 309 1908 7 5480 208 1466 15 21 2606 368 4 35 208 345 7829 1908 7 5480 208 175 208 371 68 1 +0,24 270 7 2283 915 25 10830 48 38 419 3467 263 1022 2171 1629 0 201 354 18 28 1 +1,428 3400 179 9990 4 1616 3669 15 5762 1462 3 3162 2133 1 +0,24 27 2987 9695 5 5089 18 28 0 152 610 7 3430 8 2064 9 4803 1824 1077 308 3287 32 2748 0 8513 8 126 242 1095 2 1707 2775 9 3 1261 4 8483 8761 3262 1 +2,24 3012 2211 255 1138 28 5 0 1050 937 1313 761 507 1274 3 75 4763 857 2 553 0 2370 285 7 1761 23 3688 2617 50 0 1657 5557 7 1529 361 1 +1,17 171 25 18 141 1699 25 90 192 9 934 661 349 8 0 413 1051 1488 869 6 775 141 3399 10 0 1276 25 90 3166 431 946 244 1349 1897 18 8 81 1 +2,11 4255 1099 514 1329 23 1866 5200 6188 6590 54 31 1141 2 1212 0 79 7 11353 927 0 3248 518 1 +1,125 11 75 10994 126 8777 2 3205 413 689 1340 2 1549 26 1542 2 396 3 785 279 8 0 4315 150 84 52 1987 13 11233 11306 7973 260 2058 1275 18 1 +1,2390 6420 6 4316 7275 30 549 9 112 9 2318 407 8 106 133 5 151 1 +1,17 636 8445 149 329 25 3 4620 231 44 101 152 5 829 4 2816 113 2 2255 113 335 362 817 3 2130 296 8 81 280 1 +2,74 17 497 0 1671 2789 0 250 177 13 3 425 60 2060 10906 1828 1 +3,412 17 11 702 304 5408 391 40 65 7 133 65 363 83 0 1718 8 81 12 485 8188 3 6545 341 766 1026 6 41 45 381 2077 1121 2 2188 1118 8 0 2518 1 +3,607 1043 117 0 258 4 3 728 4 671 1703 953 97 25 3525 0 516 4 3 372 986 765 19 89 2140 1124 2 5020 20 47 157 1796 82 3 1814 12 960 2926 58 5 0 1726 448 143 9 173 4711 921 4757 1 +1,533 962 1157 10517 2 553 9179 3524 261 251 15 35 267 5 3 224 10 3274 9981 5254 109 23 505 1816 5 0 917 465 1779 8442 0 345 15 8501 6 3091 1 +1,125 951 956 8797 543 171 4 9621 57 4 35 1119 8 11188 51 5230 647 5 3 645 2 8874 3 718 1483 1355 25 90 9155 12 9 321 103 1 +3,24 1630 4 955 1180 97 2757 632 113 28 39 0 2519 523 147 3 207 9 0 63 158 6 18 1078 6 2634 1785 3959 6872 13 210 513 2 1753 0 62 7 297 66 115 153 5 10985 437 1 +1,24 1597 2478 336 1878 2309 7 2439 11094 13 3296 2 3 466 1563 55 108 180 11021 335 466 134 6 154 180 1220 2508 2 0 88 128 26 9159 6 57 4 26 2756 18 81 1 +1,74 205 2416 126 1318 2334 6898 6 687 2873 713 0 265 5 0 59 311 364 445 1502 81 3 2754 2458 9 3 127 10 89 1416 1711 566 5 0 653 1622 1338 1706 1603 4 0 1927 6 431 687 848 1412 2 0 1447 3612 3 106 39 8942 1548 219 271 5 0 460 445 124 20 848 1 +0,27 2146 1418 20 3 3197 4 3686 1682 85 265 3149 4 987 5 4868 10085 20 174 2520 275 2 2704 190 4918 42 85 1413 0 2704 275 2 200 51 138 4 0 3255 20 1301 3466 190 3150 9 667 4 981 37 572 279 929 748 841 843 856 886 493 66 648 824 36 37 326 36 11 433 1623 37 326 36 37 572 36 1 +1,1377 17 11 88 128 25 8357 3 1686 616 197 3 10490 935 1007 294 6 0 3292 1737 4 0 681 1511 4 6649 433 7 4820 2 2341 18 81 1 +3,4089 21 1721 8 185 1698 862 9615 46 140 34 50 2 2152 185 1130 1 +0,117 255 671 10249 2724 239 953 97 18 19 124 69 34 394 3 765 9 3540 2410 20 0 157 4 250 15 19 89 172 991 40 47 1 +3,80 93 1586 2974 2974 1767 30 448 49 10156 50 0 221 2014 2686 6 56 202 143 5296 187 2 3 3466 1026 20 4147 4122 296 81 1 +2,59 336 2940 6816 195 215 2071 274 4 26 1699 12 2921 9560 3190 26 5003 6 11323 87 353 0 8721 698 0 10534 87 1 +2,4167 536 24 536 613 4325 6573 6372 18 81 52 1114 22 69 243 245 876 1126 5 0 4426 4 3 1522 10 8745 0 3992 1037 22 7 5280 1 +2,4167 536 24 7677 6359 6653 25 802 60 4 0 536 5398 274 4 70 22 7 4908 83 4364 213 4 3 1553 9362 0 3992 1037 18 81 1 +3,80 93 17 7657 58 37 27 376 305 373 341 397 91 410 415 402 4275 236 286 223 423 418 36 4275 236 37 27 36 0 176 41 45 489 395 523 8 81 147 3 22 113 1269 5 559 207 1018 16 585 47 1252 6 18 19 105 2 1242 0 1726 448 634 143 1526 16 400 293 1 +1,5760 100 204 632 27 2507 4 6746 31 3249 9 142 1517 195 42 184 2607 2 816 253 2 495 2 8668 3 3565 540 480 6 26 1007 2 9057 3 628 5 0 484 179 6 157 1 +3,273 17 41 45 381 96 1444 5 833 9 0 43 72 5 441 389 15 3 3622 145 51 5 704 1433 10545 0 107 18 5 3 218 10 3679 3 2737 904 4 999 904 9415 13 362 1 +2,428 1182 1977 216 492 26 234 2 26 127 22 7 43 417 998 59 1142 144 8 81 310 5 0 398 653 21 1772 4 6311 22 7 1807 1724 1073 0 43 417 5088 23 0 88 743 2895 1 +3,4259 1103 96 3 8366 9 182 4 0 725 2180 30 1744 950 1593 1368 1619 306 308 0 10488 239 10 147 3 2212 5 63 158 383 81 6 4938 0 1020 4 0 47 293 1 +0,2839 204 632 2426 171 13 1683 60 3 9953 581 2 8697 198 8 87 190 1529 87 399 10105 255 2219 2113 83 156 10237 244 4 4048 2925 7882 7937 18 292 81 1 +3,6116 7783 1122 2432 8 11404 0 11317 4 0 8264 2180 1 +1,1606 120 1349 1897 31 5474 102 52 1436 8 1798 75 95 10 87 46 55 616 3 1278 23 413 689 2 1400 87 13 3709 11 10331 10485 118 276 132 26 4463 109 8 26 63 816 2 0 413 1051 1 +2,74 17 379 311 666 336 4349 2301 29 1774 0 151 177 39 189 1216 83 3 48 47 990 1669 31 3264 8 81 3 811 813 17 1 +1,80 93 3041 560 9 3 63 1324 1527 81 15 3 703 5 381 96 1414 485 2 396 3119 458 50 2077 14 214 9 0 807 1151 577 3353 96 9125 2 441 162 3438 0 3910 3011 2923 3569 3 809 703 5 833 884 981 3 10520 23 1535 704 96 1 +2,6708 6707 4 205 5478 0 168 1083 81 972 1942 6569 4 4364 2 108 0 112 144 5 0 2818 9652 1428 1 +1,125 315 29 494 0 231 5 10528 715 2 16 3565 298 233 42 1011 0 563 4 633 5170 6 3385 1212 946 244 7105 7229 6751 18 1 +0,11 1221 44 168 2048 1283 13 4952 51 15 3 3197 5228 1032 255 1320 9 0 6691 22 7 4644 1 +3,434 239 1965 13 9275 10 370 1084 8 16 3266 668 2705 6 434 9446 395 29 200 19 49 8575 12 8867 5 0 201 84 2099 10 809 1227 590 2 592 367 167 3 5454 338 164 1 +0,574 18 81 19 25 3093 3 2119 4 6234 604 399 1250 15 368 4 16 773 2 4548 16 2138 5 7545 429 3 1134 4 0 3469 574 29 1654 50 170 2817 604 5400 2 16 483 781 2500 1364 1550 4 1 +0,7093 105 2 425 344 190 392 873 10 1337 500 206 544 3 1147 2570 5 392 2576 1275 22 1095 2 1302 263 3 1320 1 +0,130 29 2033 0 247 4 16 959 527 9 255 65 2 3335 114 4922 211 76 1244 13 2695 249 4785 2 3405 0 959 527 9 178 609 117 1723 232 275 32 4715 0 1650 2 2139 35 1 +0,17 1961 38 3467 64 1822 263 1629 20 0 2283 201 1297 1301 0 2228 2 1867 3467 9 0 5301 899 270 18 8 28 1 +2,639 30 10486 5363 197 0 250 1932 846 6015 6 426 10 124 0 420 2004 118 48 103 380 1 +0,11 38 574 7345 3281 9467 5717 436 2056 293 898 6 38 5562 1229 10 1413 19 2 145 1777 307 525 14 1014 8 3616 10116 1 +0,7161 569 7 4316 852 723 8 1524 3036 569 7 7123 6603 3126 670 5 3 1541 1865 1033 1604 569 7 19 8569 2 0 1465 569 78 760 3 10611 1033 2845 361 13 3 662 1003 51 2 742 552 569 52 18 1033 11 6854 10396 13 1757 4 8851 569 78 18 569 2845 361 13 3 662 1003 569 52 18 1033 78 1156 19 68 569 69 521 4131 4874 569 78 18 1033 2845 361 13 3 662 1003 569 52 18 2251 204 632 +3,7058 97 473 2 3550 3 682 113 999 5 1012 9796 2665 20 537 1924 5865 1920 97 9 118 44 73 153 1233 3 38 1755 2240 197 0 1107 11 338 29 2553 1 +2,74 11 1775 64 249 9893 1883 2380 22 7 2060 10644 0 895 4 0 11232 3132 3916 4096 22 11193 1492 10 1097 292 3406 4 160 7074 5961 22 7 5371 10932 8 0 3141 1 +1,11 370 4 67 25 867 16 3622 627 1491 1692 14 3 159 173 11 790 768 5 111 332 1118 2762 509 9 1705 119 162 25 2007 14 3 159 7814 1573 3 1072 51 825 2002 8 109 22 7 337 1 +2,87 165 1749 166 4959 78 55 1024 848 1080 51 211 102 78 31 4540 78 1311 366 79 549 8704 6 10 722 892 792 549 87 1 +0,165 1158 22 69 0 43 2 222 809 6 19 124 22 69 34 0 580 1506 42 1575 22 7 1063 2287 2260 1074 1346 2110 9978 697 30 302 2 200 1858 5 0 2724 2132 1 +1,412 2824 632 407 977 441 1551 2217 8 81 12 4646 2 4623 2651 6 18 57 89 105 10 55 34 404 5 1827 56 8368 10 64 0 878 4 142 10633 40 162 1 +0,1057 574 1619 574 25 333 1819 2 32 0 10138 894 582 20 11 4271 832 3264 1577 2 3 2104 19 1247 5 3 41 45 4761 228 574 3116 10 4271 25 141 654 2 563 16 582 10 19 8119 4635 811 544 23 2420 3049 7831 6 2127 19 5 500 1 +3,80 93 11 1778 296 3698 2503 9134 301 32 562 9 1244 5 0 1701 50 0 1521 4 1821 5544 2787 1 +2,27 6037 2598 22 7 3436 9 26 2246 25 554 2 3 5483 4 142 14 99 59 3722 5 151 1 +2,837 10 9062 5 6 263 1404 2844 25 4539 3 514 5358 4 2160 2090 22 7 76 167 4567 503 1 +2,1 11 88 128 146 22 7 316 79 8409 82 3 357 106 9 0 1404 20 443 82 205 9 3 11314 108 5731 5730 87 847 901 12 1256 87 18 3897 4103 1879 87 757 22 7 99 121 68 4468 87 1 +1,744 100 27 420 718 508 22 7 645 2 157 0 443 5 0 540 1925 484 179 4 253 1071 2 32 656 81 1 +1,4331 1046 1365 101 7055 7515 4452 2 92 1271 81 2 8662 21 587 508 8 0 1430 5 3159 227 1192 225 3238 9078 4 3369 5477 2 10814 1 +1,125 1365 6 227 2378 444 1491 543 1094 135 4 734 2 731 0 135 808 7 2134 5 1046 7 3159 233 4 227 1192 15 133 1365 810 64 147 2 34 1861 1 +2,2842 165 31 255 8382 106 8 0 1770 1458 9 0 471 331 15 3 728 4 10583 3469 64 172 10292 2 81 110 22 7 137 83 0 827 1049 1 +1,24 149 329 2853 6830 165 7 1238 2 167 4639 1 +2,24 4385 4018 6622 0 3585 254 4 312 1544 613 54 554 0 6537 2 441 508 2770 770 81 676 134 18 573 31 3783 1 +2,4333 204 632 1631 219 271 13 76 549 2 664 0 321 112 665 124 20 957 1953 532 19 13 597 382 2 1549 155 52 29 664 5809 6289 0 2403 9352 54 124 441 2228 665 5 2808 211 426 64 76 0 1 +1,1957 47 266 7852 23 1064 7307 25 90 1272 14 0 7551 22 1724 168 5 6619 5 1487 1366 9 678 528 1 +2,24 4197 3883 246 3 145 2179 546 82 0 4009 7081 5 0 1013 340 8 10480 834 7640 7 63 3516 4 0 137 884 0 828 471 331 3 139 186 108 44 0 849 827 1049 8 81 110 1 +2,7585 3806 1989 6629 1348 6973 1714 0 43 417 59 144 9 0 88 743 2895 102 52 209 168 0 112 144 5 146 22 7 546 5505 2190 8 81 5 151 1 +1,538 172 105 9 73 161 3384 5 0 642 683 109 4405 0 1719 4 0 3620 1 +2,24 497 214 57 1772 4 0 176 1514 1399 829 880 79 13 243 890 9 1313 761 0 1052 1167 1391 945 18 81 1 +1,101 152 5 4211 18 10 3484 4 3 1278 650 163 64 1796 0 390 7 142 14 1306 1 +2,2839 17 171 4539 3 5087 5358 4 2160 39 0 2735 4 16 316 239 4394 4149 8949 111 1649 2 1831 26 79 9957 2 35 3360 4 2699 0 151 177 2723 1455 1 +1,27 9706 411 318 2 1226 73 161 38 2336 10673 887 5 0 642 683 109 1025 152 610 134 10643 9 3 2166 5 0 5334 1291 132 1928 22 7 594 237 1 +1,412 260 369 977 441 1837 2217 109 12 4647 2 4623 2651 6 309 5247 9830 5496 2574 8467 71 3312 2 646 87 1451 71 1471 87 1 +1,1374 229 22 7 1417 1159 0 6754 8971 6249 334 7379 6003 6292 18 52 2211 3423 11419 1 +2,6323 204 632 3069 3085 506 2 0 1382 12 1300 1483 8 26 3518 9188 3336 5 26 1705 6 3 3232 3646 1538 9739 263 26 674 4795 1 +3,638 17 11 702 2106 5 1553 10384 8 70 15 182 485 3627 82 895 61 302 41 45 2077 301 6 3671 2 0 3725 0 41 45 637 1394 85 767 1301 1130 1 +2,3019 9365 2968 7089 1552 321 5379 889 42 0 1587 2654 3 2451 2632 2792 2 63 3134 1641 7918 6 3 9330 10748 23 38 674 4871 4103 4377 2 257 3 401 145 1240 340 9 3 1 +2,74 17 685 1318 1890 1608 6 1607 1639 32 970 14 21 151 1747 9 21 465 59 1359 2921 885 53 35 713 8912 1153 3 5317 10 25 10682 6 8076 0 59 1261 1 +2,2842 11 849 827 1049 32 89 2803 3378 446 40 283 83 5052 10182 61 3004 1615 1 +1,7438 3192 5 227 1192 84 5291 5 769 4 48 1365 810 3304 589 8 430 632 678 552 39 0 227 2378 6 1365 134 473 8 1687 429 3 1134 7731 25 502 172 10 19 29 76 1 +2,414 948 1545 255 492 14 551 3695 102 52 1273 495 2 477 0 43 126 2 108 0 59 146 7 99 263 5 1740 1 +1,17 375 7 101 4027 4083 1509 2826 4928 142 102 46 222 2 456 5 0 127 7 43 417 4718 237 188 21 3397 106 5388 8 70 1 +1,607 1915 745 117 3 2191 10 116 58 7 586 183 394 1114 69 15 557 15 302 0 62 9768 16 3306 370 1303 2 197 5736 6 3787 1016 911 198 23 0 991 10264 4 5629 6 3756 1016 911 1 +1,4319 14 0 7094 7601 7550 4 7030 1117 10 4738 6 2504 10683 782 5 1899 6623 1 +3,412 17 750 96 2757 2 3 38 173 4 1343 3 1072 8 70 39 3 38 1028 20 906 1007 83 269 67 9112 6 15 0 88 128 18 2077 89 2747 5 2477 583 2713 704 1433 1 +2,74 17 205 22 7 48 176 1219 32 802 60 4 0 151 177 6 8103 2 0 685 94 9 3 1522 44 713 3268 1153 10 25 11048 0 252 22 626 2 35 4511 1 +2,74 17 27 11356 219 271 1547 26 384 59 112 144 5 151 2778 26 1667 8 70 2 0 460 666 998 3454 6 10674 9 0 63 1246 1784 72 5 0 2591 1 +1,3996 17 27 677 6613 294 920 21 411 4469 857 5 0 1599 2406 70 42 14 214 339 135 1621 64 709 5 0 2551 10 5491 164 26 168 1 +2,607 1043 577 0 43 8913 14 4269 1194 192 2 222 82 195 502 5416 2 34 3 174 11411 9 0 1907 165 29 979 8 0 4956 4 21 278 1003 110 1 +3,1643 91 11 1945 6 2305 1174 13 302 2 456 70 2 3539 1282 2063 275 23 9262 202 5500 2 8355 1250 10 2434 2 5226 35 1254 2 485 1 +0,4254 25 3414 82 120 19 582 13 0 580 367 365 1310 5 551 462 3 1765 72 1448 2740 5 0 303 22 7 7419 2369 3042 68 34 3270 9 2813 2002 12 182 8047 762 9 186 2265 1 +1,7256 1195 17 4216 3205 907 4905 70 48 810 46 89 304 15 721 4 259 9 49 61 339 389 595 46 1339 2 3566 766 5 717 349 12 0 107 1 +1,412 17 260 1551 2217 977 5 3 10200 1474 2 142 4432 14 994 3684 5 111 332 111 1605 6 433 181 35 43 228 4453 70 1265 3 173 142 1504 1 +3,2319 2340 1042 539 171 2363 951 956 690 6046 0 2630 927 4 171 22 7 580 2001 190 1288 720 70 3 289 268 627 5 43 779 487 207 8 3 821 708 5 16 10943 1419 1 +3,80 93 17 7080 408 37 27 376 305 373 341 397 91 410 415 402 4130 98 286 223 423 418 36 4130 98 37 27 36 8 70 18 0 41 45 2934 945 25 2007 21 5004 53 623 1975 1267 10455 3 257 9551 404 5 16 7483 9403 1 +3,3917 1888 58 22 7 1422 4 3258 25 1732 3 730 3204 4 1469 3258 2 2493 3917 3964 58 22 7 2146 2 494 0 62 798 5 3 268 153 202 8385 1 +2,935 288 181 3 807 3433 1085 5 0 59 252 8 70 15 530 47 266 2616 5593 6487 7415 31 1702 39 3773 909 4 189 43 664 5 0 243 5729 9875 1 +1,1636 587 773 2 157 0 413 1051 1488 869 1663 14 1306 4 11245 583 946 244 1349 1897 22 7 173 5219 591 2 0 10653 4315 150 1 +0,639 30 138 778 2468 60 160 211 46 99 1811 2 32 138 5371 9974 1439 9 1094 10 200 19 658 9 792 2 5034 122 6 9013 203 963 160 30 138 1508 60 160 2 200 2468 49 1848 9 138 10820 10348 71 20 8309 8 4945 9105 5605 69 19 34 778 155 455 94 55 979 51 12 3 10875 192 4 1486 2056 166 455 27 662 4 2468 140 563 57 71 48 42 78 1273 8251 9985 32 203 99 1 +0,4292 835 369 8807 30 482 1152 3 4942 1708 10 3599 3 2215 7 3330 6 8849 3183 19 83 835 7 3229 551 6 3330 2023 1 +3,24 2885 523 4267 2405 58 70 18 16 207 442 50 531 113 5 0 258 158 416 2 799 12 3 38 220 163 10 1765 0 62 7 1650 2 5286 2 1230 5 1234 984 1 +0,2842 11 2085 13 184 60 8 287 3 220 68 417 3707 34 5012 42 160 13 141 1129 10 19 68 32 1777 5176 165 22 7 118 3 1769 4 114 851 2784 732 4 0 1794 765 15 0 3158 4 3 220 11 1 +1,6802 1190 11 7148 359 31 5041 265 82 23 0 1020 4 0 127 8 70 39 2963 907 1154 2 475 245 2787 3701 8 790 2172 5 3 1853 3155 4 6813 2 490 35 4717 9 0 247 4 1 +1,327 378 1930 1172 2365 4 0 217 48 104 9490 54 970 5 1039 188 0 5656 3619 5 57 4 0 127 7 2253 8436 9868 1217 42 184 280 19 4947 2 548 235 61 5123 2461 2480 7662 1039 147 70 1 +0,1203 2972 58 25 2029 2 10248 16 1948 7688 250 575 1044 5543 508 6 13 8647 3455 0 653 12 16 4068 741 4733 508 2177 9 0 157 4 688 741 1 +2,74 1898 3236 778 2946 3086 1338 2977 8993 3247 189 59 72 814 112 144 292 1 +0,1388 2610 3 38 3839 2675 109 3875 4054 5630 10 3593 51 53 57 5381 99 4 35 3839 1554 4040 49 2081 61 0 9977 9340 2513 4 120 13 4991 13 0 122 1542 348 422 14 0 398 72 1 +2,3791 6211 2946 3086 3067 2977 124 0 43 112 144 9 0 1927 14 0 151 59 252 8 70 1 +3,80 93 17 6845 408 0 176 41 45 4932 8 81 720 3 1570 113 627 5 559 207 416 2 439 3216 42 370 1084 2 3439 5347 1685 383 2 1774 641 541 874 6 400 442 1 +2,2961 467 7621 7 48 1719 1149 1197 7527 2350 6 2867 6264 6131 1404 29 1116 0 1645 1889 9 0 741 283 1 +2,24 11 6719 7264 4411 976 4069 6471 23 0 2604 1001 81 1 +0,6674 8 0 4956 4 16 169 47 2204 3499 12 0 1378 5982 4 7156 130 13 337 2 3630 3 38 4547 77 47 183 2180 759 12 0 107 1 +3,571 17 41 45 4431 32 473 2 3429 1730 53 461 7 236 4031 465 1875 2 2819 8134 1016 784 197 289 3 486 6 268 451 486 5 21 773 2 265 4640 10 25 1534 0 5589 41 45 4482 163 512 134 18 8 70 1 +1,2955 204 530 2426 314 101 2423 2385 18 70 10 752 13 1131 2 4658 2 3 1528 4 1430 197 1046 6 16 2184 1511 4 227 1192 1 +0,7607 389 132 270 105 2 626 0 1532 2 201 134 732 46 22 928 4824 3644 0 1298 10 3267 1590 5 1161 8762 1080 82 16 1103 +1,1391 5 2857 22 7 359 6025 404 3685 883 2 859 51 3 8802 70 304 2 1017 0 5083 4 3909 4359 2157 1 +2,11 2320 4 6412 296 0 258 7847 1359 8206 109 429 121 387 71 387 76 2162 160 22 7 3 217 38 3204 5 1029 1 +0,6189 2456 7563 7 2755 44 5168 9 1155 658 3276 404 5 5191 4911 1 +0,571 949 958 463 25 2106 16 5786 6193 7026 392 142 114 53 4507 1153 12 3 10661 229 4 603 6 413 126 300 5 1746 4 10397 0 671 9 3 741 247 21 463 875 18 14 0 463 379 508 292 5 461 70 1 +1,327 378 1930 1172 414 2964 172 3 216 1490 4 26 677 1539 70 12 678 337 8605 6 57 9068 8388 1120 2067 216 10577 5 0 501 244 7 1931 5 3 1294 237 10680 1 +1,125 636 1067 1912 9437 3031 149 329 680 10 101 947 2424 152 7 318 2 3744 825 161 196 23 499 6 496 85 4963 0 259 8 1836 6 8988 413 689 1 +1,4296 480 1383 432 2164 8036 2 157 21 2238 5 0 484 269 179 4 253 1 +3,571 17 4145 58 37 27 376 305 373 341 397 91 410 415 402 2356 98 286 223 423 418 36 2356 98 37 27 36 8 70 18 16 559 383 560 1214 4546 984 9 1090 10 1766 2612 1256 2452 6 395 404 2 2231 0 5389 1 +3,637 134 195 172 105 2 11078 265 2254 1730 307 14 461 7 236 4031 465 1875 2 154 2703 0 2033 799 10 10563 290 0 127 1 +1,80 93 1373 3627 82 2713 509 3351 70 2 4564 566 2141 400 1526 0 1055 8583 2076 51 73 115 113 274 4 116 58 7 281 1215 586 183 394 4 202 117 1211 1332 0 1042 539 3400 1981 2065 3777 169 71 226 289 113 2 169 5621 3786 1 +2,2946 3086 1338 2977 4 0 1927 11394 3 3685 39 457 0 112 144 5 0 288 22 7 1307 3236 998 72 814 14 0 7864 59 6098 5 151 8 70 1 +3,571 17 4145 58 37 27 376 305 373 341 397 91 410 415 402 2356 98 286 223 423 418 36 2356 98 37 27 36 8 70 18 16 559 383 560 8 4546 984 9 1090 10 1766 2612 1256 2452 6 395 404 2 2231 0 5389 1 +2,74 17 205 22 7 176 48 1318 32 10368 0 59 252 39 10940 35 127 2 401 276 4 4801 5 3 4960 6 5330 2495 12 579 1442 9009 1 +0,7604 5112 5201 64 357 4854 5 676 898 1601 126 5465 54 2631 12 902 1143 5112 30 49 362 2 167 53 2232 14 676 6 32 902 5081 6 30 517 362 2 732 46 1273 222 2 2484 123 3 7455 254 596 6667 6641 21 3121 3538 4 10792 8070 301 23 350 4 5466 54 209 368 5 0 212 6930 7681 4 5790 2916 1 +0,2824 530 250 6690 7114 7504 27 2634 4 56 168 156 371 210 32 973 187 2 3 1026 20 4176 58 1 +0,604 7257 2 34 3 10634 3748 4 3 727 9161 2198 27 201 1297 1683 10290 3449 10639 23 3491 201 1322 2 10206 5495 593 899 211 132 19 68 454 3 4958 9211 20 3 1370 10935 1 +1,744 17 41 45 444 709 49 61 682 1200 1268 1481 8 70 5 3 3629 3101 53 3 1170 10950 10 13 3 10253 9 1300 480 1383 334 432 0 388 18 1 +2,24 7794 2 167 0 356 719 8207 338 9 0 2976 2898 216 3420 3133 9572 16 1761 2 490 274 12 2111 2082 133 4 0 1217 1674 9 0 79 1 +2,74 17 27 5304 1083 1258 5006 205 7 176 288 7 1671 2789 79 2 11184 171 8 70 6 673 0 119 346 1 +2,6530 7633 25 680 3851 4228 8778 2 34 11340 4 7053 122 2 1253 10924 957 2422 6 4075 3990 4033 1 +0,17 4059 58 6695 236 342 4 0 262 73 41 45 2220 10276 114 7800 8 70 720 3 3742 559 386 39 348 3 3364 9497 2005 188 16 10651 11352 384 158 1 +2,4333 204 530 7804 4028 89 8361 10839 99 44 26 122 10097 10807 4 3 1959 4706 684 2578 11086 1862 1 +0,17 7905 32 5324 44 139 104 7997 5 2269 15 4 81 9228 134 18 3 38 159 10 5359 719 1230 5 1691 980 6 0 3208 4 0 3719 2061 1 +2,2318 407 22 7 3505 5 0 59 252 181 3 1443 6 5529 1112 109 15 46 124 3 1142 6 77 1995 665 847 64 436 4935 14 214 3 1142 144 5 4490 22 7 3462 8914 1 +1,4331 1046 11 2184 4638 5 1046 5291 23 0 87 9218 87 592 20 1046 2 10926 227 1192 6 5779 4 35 4480 5407 188 0 2403 1231 101 2423 2385 4 752 31 2696 15 595 8 1 +2,24 11 3903 5884 3529 9 0 623 386 4 678 257 1458 518 797 3630 238 575 2338 7584 1075 7855 6231 2 3 57 47 297 66 104 768 70 1 +2,11 1910 195 775 3 5162 222 274 9 0 1182 4689 79 22 7 1555 4 1584 9 0 43 3053 664 2453 8 86 42 16 142 2507 29 222 2 6130 0 135 5550 2 200 21 4471 4 0 1028 10143 +2,353 3 10827 568 2179 957 2422 3365 48 3361 15 2973 355 1921 635 170 66 5981 737 274 102 2422 209 1202 6304 1492 1678 19 11004 243 982 6 8476 19 44 10016 635 9644 944 1375 1 +0,6396 6853 831 6806 1894 2018 10 19 284 32 478 1215 299 328 22 7 1304 5015 6 3556 815 0 212 299 1884 22 7 1252 1158 22 69 10 657 82 3 2136 1294 9927 1315 1 +3,2916 863 6 381 395 342 747 855 747 6759 98 1063 1938 840 13 5 2111 2 1652 1770 1708 342 4012 97 1 +3,431 2605 5767 1305 2 0 1222 5 0 43 779 4 0 47 12 487 2686 4 27 5699 5640 39 3 8864 9223 53 407 2693 19 27 66 819 153 53 0 2155 75 47 1 +0,6923 7720 13 4915 51 2 3592 60 57 4 0 199 8665 897 5 499 3 5710 825 161 190 1406 1470 9740 99 0 696 22 7 4536 6 437 1499 1 +2,260 2445 4591 32 4455 1317 10333 944 6159 15 7301 6282 2 1127 144 2247 14 0 3763 1355 177 1 +2,151 205 693 468 70 110 19 31 414 948 22 7 815 2 10696 9 0 88 128 15 52 124 0 112 144 5 0 146 22 7 99 263 438 3078 86 1127 3 1831 9 0 56 14 0 177 1 +1,7939 3822 0 692 267 181 3 1515 7995 4 1775 243 26 561 109 6 1030 10445 2 157 4669 1 +3,6266 4 11274 8028 6 1466 4 239 9928 6 8532 2 4661 3 3614 4 230 2327 13 9971 4504 20 232 1133 1 +2,11 2465 23 1171 355 6607 22 7 420 2738 79 70 5 3 4908 3364 137 115 226 11 137 31 0 8331 4 2855 101 6941 6712 6943 4700 7600 54 31 8 1255 5 0 6608 359 9 0 4966 664 1 +3,2293 2407 832 172 105 2 9854 16 2293 2407 1177 828 1945 927 12 0 1020 4 0 62 22 7 1287 6 265 15 232 15 1866 588 1 +3,17 41 45 5347 32 892 3 1553 4931 8 35 2793 40 1745 283 12 9528 8 81 1314 5374 191 5 0 63 65 4 0 283 1 +1,125 11 63 216 8042 4 7853 7082 54 9197 2 6068 7 1803 9639 39 1582 579 107 1510 29 504 14 0 736 1 +2,74 2400 10700 406 1581 1941 6 3068 852 3412 502 3142 146 22 7 176 2721 3021 3979 5 0 4866 22 9089 23 0 59 1327 630 8 70 1 +3,299 328 0 1564 731 2 246 0 56 5 44 3 2027 29 439 1266 118 289 5709 57 786 4841 874 1 +1,4079 17 11 1451 4 475 892 182 2787 82 2172 295 2 1190 7 359 9 3 63 106 8 86 15 476 1819 349 2 157 3 2729 358 20 2963 5009 1 +2,5837 539 246 3 48 145 997 82 3061 6662 5 0 1013 340 6 0 826 1585 1552 60 0 623 11211 145 14 0 1497 9 0 131 60 70 110 10278 3 115 139 979 23 291 108 44 0 575 1896 2998 1 +2,74 165 31 3688 109 10 0 2634 4 0 2039 4 2615 54 760 2694 6 3124 3 306 508 53 3 685 1442 1522 64 2650 327 4243 39 1129 506 23 6069 851 64 99 160 78 732 1 +3,683 4 324 97 109 1759 82 888 4 529 14 6456 696 4536 290 0 7179 15 0 413 939 696 611 2 9502 16 1424 4 1 +0,4340 2875 30 8772 2749 23 910 10345 84 1720 933 3953 6 7150 383 64 51 6 933 1203 6 463 64 1251 71 198 7885 123 1 +3,5939 4907 11389 2019 140 5384 166 3 2762 9301 42 4252 6 6351 6638 32 10806 8 19 5937 35 168 150 2362 1675 2517 2189 23 60 4 150 +2,24 3040 3479 8674 1038 6207 31 3377 81 15 781 613 14 1645 2362 1 +3,273 11 370 4 67 977 2 3 38 173 1210 1343 3 1072 109 1214 5120 1697 50 9563 5 100 0 5523 2559 4 314 5177 239 3084 6 0 92 7 1765 1543 8734 1 +2,7195 205 27 3161 2073 348 0 492 396 122 2 0 4511 4 0 59 252 5234 155 1285 4798 10 2546 266 722 68 477 38 333 1 +1,2333 2384 4303 2278 215 1460 9 3 2792 12 260 501 244 1641 2850 6 26 2246 6123 2850 14 2278 22 7 11307 28 24 1 +3,80 93 17 1630 4 116 58 29 200 35 1055 202 143 1085 8 86 39 0 47 7 182 1215 586 183 394 2141 657 2454 586 874 1301 73 3777 153 1 +0,1597 267 1038 6146 8 28 1258 516 3 38 156 208 62 1418 20 0 634 107 84 123 16 193 1337 4466 1113 2 1127 478 345 61 116 58 1 +2,1185 1163 414 6924 6312 795 550 2 9922 2 168 1497 1027 52 510 10740 9306 2 0 8943 9916 39 2555 238 8234 2896 6515 9 0 43 72 1 +2,11 122 4 26 10698 813 0 1542 75 110 14 0 4214 59 2854 2320 1 +0,2957 6995 308 62 6745 6729 8 81 172 0 345 4 4332 3 559 1026 4 481 365 4501 1577 2 0 218 981 8031 459 6 5145 5 0 88 128 64 15 362 2 34 4486 4 602 746 58 7 4973 2369 3042 6 7134 66 226 102 19 506 2 10420 481 365 871 8332 1094 365 175 3569 323 113 4 120 4332 10437 2 15 176 4 2103 8192 1 +3,325 22 7 2059 1076 4241 1165 25 147 3 159 578 487 207 42 680 67 96 1154 16 898 1264 0 864 4 3 4962 5 2227 370 10980 2 2112 16 1103 1988 1 +3,11 150 4 4135 4260 3807 97 6 3907 3007 6863 32 473 2 3 8622 8773 5184 980 8 0 1310 4 339 3907 3007 1323 2 4260 3807 1 +0,963 0 2228 393 4 168 2609 371 25 1516 3 10189 5 0 56 426 54 277 309 0 2609 30 3099 973 14 3 1304 2117 187 2 6988 7493 677 1440 4 1659 14 0 2446 9837 62 1 +0,11 258 1155 3340 3588 10 55 154 5 208 6 908 71 5450 25 90 1847 5 313 1 +0,7248 2284 58 18 70 19 29 1652 3 227 939 10484 4 2046 6 3127 3699 1264 16 56 4808 1419 20 1034 94 1 +1,11 5035 4 21 126 409 2614 5 100 32 1154 2 9081 180 601 1571 552 3713 56 444 3744 23 0 484 179 4 253 1 +3,4123 6058 4241 387 32 720 1032 255 159 207 42 0 420 1076 22 7 2462 6543 6290 582 383 30 256 9361 20 2780 3674 9 587 1682 1414 2 3339 5 6 60 4 325 1 +1,7608 401 146 543 4 10203 3 3223 5 3965 4014 8806 8334 4399 7 142 2624 1 +2,2304 3490 4 26 704 31 9093 2626 21 2539 1103 5460 211 278 5 3 8809 150 2856 2321 280 3 234 2 4522 26 417 448 1544 9709 1 +3,412 17 750 96 918 3 617 159 1210 1571 3 1072 8 86 10857 293 20 2163 598 5 100 6 617 654 10 347 984 449 5 171 6 605 25 76 90 1534 1032 20 293 704 1433 1 +3,27 4611 5576 3451 4 618 652 3094 442 5 833 9 0 63 699 162 10464 654 10 0 390 7 994 2702 13 10747 1 +0,17 428 1660 11329 179 1696 9552 138 73 1866 103 380 20 3 2504 789 8618 20 0 6714 25 90 985 1235 5 7305 7 1166 3413 2550 18 8 81 1 +3,80 93 17 3901 4205 408 37 27 376 305 373 341 397 91 410 415 402 3880 98 286 223 423 418 36 3880 98 37 27 36 29 265 50 186 570 588 71 459 113 4 16 235 584 6 337 217 3 194 4 16 2557 243 3 5290 0 381 395 62 18 8 81 1 +0,80 93 17 3007 1689 3881 97 8 86 18 19 85 488 0 92 7 43 8883 481 1680 12 3 3160 648 3726 1023 10 1415 981 2 9568 10282 2126 1 +0,1 37 451 36 37 451 36 37 451 36 129 3931 6155 37 451 36 37 451 36 571 17 7741 873 9789 97 37 6050 236 36 8 86 147 3 3742 386 9 11096 194 158 416 2 10746 984 6 1252 191 9590 545 158 85 34 419 865 23 0 11102 37 451 36 1 +0,129 5770 6756 80 93 24 11 393 4 406 54 167 8 0 156 1557 173 1146 1473 25 210 9029 0 393 405 4735 51 2012 833 9838 23 7167 4176 2127 0 973 2446 14 2814 113 4 0 41 45 1 +2,74 17 5777 7290 124 26 63 112 144 14 0 151 177 86 39 457 21 1216 83 26 8886 23 0 146 7 460 364 4487 1 +1,27 218 8 0 1871 2316 3535 1968 1522 29 4513 14 214 48 1093 49 94 148 56 134 1 +0,17 353 3 2027 4 228 3140 1761 8 70 209 3 2088 20 6340 952 3092 41 45 67 303 3892 97 4 10227 0 1166 3413 53 0 482 1 +0,117 57 4 0 43 2541 4410 4 0 406 12 6283 1872 8 0 156 48 216 2774 399 32 473 2 200 1817 49 3088 2 0 8279 6 11313 9496 1 +0,117 5696 326 938 0 685 10164 7330 2509 21 2083 52 358 5872 837 8655 38 654 582 0 9111 179 150 31 206 8 3 905 422 1 +0,24 7225 5278 0 390 7 170 104 242 2542 6 2521 32 9604 505 594 3167 2 32 3 5601 12 203 427 367 1 +2,74 17 1883 2380 5541 314 4764 4326 4093 2 477 0 43 126 5 323 103 2 10659 0 288 7 59 1740 99 346 112 144 8 86 1 +0,11 1275 4 48 295 992 2187 1507 30 76 9710 5054 9 0 2196 2107 6 135 3219 1860 11000 367 20 35 371 3 512 2440 228 1309 86 5 3 10898 2458 2 0 2048 240 1 +2,74 7894 31 3568 23 0 258 869 2 246 0 10145 872 5458 1821 292 15 401 49 1219 64 3414 60 4 0 177 9 3319 3268 1153 1 +2,24 7412 6088 1843 2 1220 2128 880 39 1524 0 5159 19 9542 8 26 9135 2969 5974 26 2062 6 3564 1457 3 865 4 1256 1 +2,24 11 6842 7128 534 29 34 901 57 65 789 61 2239 916 5 1568 5208 0 6864 1959 7 43 216 23 776 555 335 135 357 5390 2545 1 +1,11 810 5599 23 0 9395 1210 0 2378 4 359 4 7795 86 2778 0 643 44 2 5170 1046 123 77 4 16 810 64 709 5 991 443 310 2378 476 148 77 3189 770 1 +3,24 1932 476 5437 2279 3876 408 58 8 86 1972 0 1096 523 3296 5 2780 6 4707 264 5202 1 +0,1173 1065 1115 3 142 2433 1854 10 138 897 405 16 5308 140 34 3732 2 8803 4 175 644 3939 320 6737 7218 3049 6 8998 9 0 520 5349 3501 43 7200 1 +2,165 85 34 1486 2 1024 40 65 22 7 311 364 5395 15 2732 0 356 9221 4 99 72 851 55 5600 133 5431 169 63 10854 9 0 43 72 417 165 85 34 1486 2 2795 12 1018 4851 3406 4 9265 2658 165 1 +0,24 842 30 10209 3 728 4 173 1150 10666 53 0 6676 4261 5 21 773 2 11244 9947 4 0 9945 11345 1 +0,24 27 79 4 242 13 3701 3 2259 9883 3667 4 0 6728 7279 40 162 2 596 0 2044 4 4694 806 3737 6 135 8644 5 3038 2269 1857 1 +2,24 1906 23 0 8375 4 734 2 200 0 753 535 79 1202 1357 1475 14 1715 86 8 3 1477 106 14 0 4166 2927 10 1097 12 26 668 1979 0 5048 1 +3,171 13 5017 5 10115 5 0 1674 9 7952 0 176 67 2685 10944 4 0 314 67 239 3084 3 634 652 317 31 2696 15 595 5 3 218 86 20 0 314 306 354 4057 11 1 +0,5772 25 1115 3 1521 424 9 1162 161 3137 9 16 7348 9995 595 46 10240 3 623 616 3374 1 +3,1583 537 4074 7308 13 5438 2279 3876 1972 0 1096 523 25 3296 5 2780 6 4707 264 5202 1 +2,74 204 820 2426 634 6650 6918 6134 86 3427 77 92 2701 8 189 234 2 457 0 288 22 7 5726 112 144 14 0 151 177 0 384 4 0 558 1821 438 9 171 1 +2,2948 2881 867 189 8904 624 145 6 1516 0 75 441 4 0 2290 330 12 3 186 115 115 186 115 73 108 44 6907 7230 1 +0,117 3 1443 2540 10 5081 3 2453 5 1523 308 270 7 2911 915 13 192 2 3682 20 498 6 9624 3 2717 626 8410 9166 12 3496 4 0 1203 10 140 11216 1549 1336 49 50 0 9286 4 593 914 163 1 +2,4170 7463 123 160 13 141 1132 933 52 6 4490 2668 6516 6361 284 76 108 0 119 177 1 +1,125 315 7 107 6 16 4897 5 0 298 233 7 906 9935 29 1771 8 28 9 717 349 84 5080 3 75 864 9 633 8855 2 3643 0 869 132 0 88 749 1825 5 1 +1,744 17 100 867 2 3313 67 14 57 104 2450 1016 106 8 95 39 21 475 8 0 227 750 941 2588 209 3595 1287 2 3 38 661 21 317 14 0 150 2665 9023 18 1 +3,80 7941 406 3431 51 2 1427 43 72 5029 1420 75 65 42 967 18 0 9910 3245 18 930 419 50 0 545 150 4 0 9669 143 1 +3,7844 7 606 1737 4582 0 152 610 7 3531 872 1791 5 512 228 109 3446 0 43 72 3 150 25 4595 3 894 8183 5 0 4837 1221 44 327 2599 1 +2,2359 89 3 8767 1085 15 3 3655 42 6259 10078 0 262 73 1494 5 0 1189 6305 20 3693 9 3 11137 6 320 9 255 5 0 939 3001 22 2253 323 2050 224 75 110 44 1 +2,571 11 471 331 64 1131 2 11366 3021 2866 122 2 828 1602 11235 393 1569 31 762 3004 1615 54 25 2552 0 11279 10519 9 2866 965 4580 85 32 181 138 1806 9 0 7466 391 0 5066 2866 174 404 6 1615 210 10011 3919 7548 85 32 90 5478 2 3516 12 1 +0,351 66 7012 1092 22 69 167 245 49 3135 61 40 42 278 351 85 10933 0 8346 9888 335 0 7320 11173 4 0 1166 1 +0,117 3 216 1138 9 0 365 6 1484 2602 3 512 2440 228 11263 3 895 228 7 649 5 0 9535 4011 507 1807 2123 2 2123 399 7088 6 4011 30 76 5054 9 0 3219 4997 4 35 371 129 4087 6243 1 +0,11 1506 4 1069 2562 470 371 54 3683 2 6965 13 4454 0 398 11029 2 718 4622 542 72 52 1273 878 8 238 8195 4 101 152 10429 367 54 928 865 35 718 8051 129 6937 7915 1 +2,273 204 820 2426 3816 5800 2021 53 158 1455 5 433 330 1327 12 3 115 186 115 66 224 44 6844 7331 4 6262 292 8 86 110 1 +1,1370 1506 7542 7959 10954 0 5217 4 11 4117 4 0 7459 9 5668 5 5313 1 +1,17 845 742 161 576 1851 4 617 644 20 743 1007 1265 298 32 1154 2 4692 53 2285 0 41 98 5265 354 680 8 95 1 +0,1643 91 1176 3 357 43 106 1269 5 400 4 116 1598 2499 69 5242 1701 44 287 0 156 208 705 7 4656 695 31 3 246 71 3 9208 1 +2,74 17 1883 2380 5541 314 4764 4326 4093 2 477 0 43 126 5 323 103 2 108 0 288 7 59 1740 99 346 112 144 8 86 1 +3,4156 2085 2662 67 303 2 556 51 44 883 3514 9705 23 5653 62 105 2 1216 80 93 17 27 4156 2085 2115 3892 97 0 393 48 56 67 62 2 556 531 170 104 9 2543 1434 23 3 3353 1 +2,151 7839 7003 1073 0 63 126 2 8324 60 4 0 59 2464 630 86 102 52 31 1702 323 351 20 6935 5852 4 942 5 35 5585 4531 14 3757 2681 1 +3,1 37 27 376 305 373 341 397 91 410 415 402 4246 98 286 223 423 418 36 4246 98 37 27 36 1756 132 0 4503 39 537 6592 4237 58 37 27 376 305 373 341 397 91 410 415 402 3997 98 286 223 423 418 36 3997 98 37 27 36 0 262 66 41 45 3624 9795 1785 8 95 18 19 85 479 7484 9 289 66 153 1 +3,7749 2076 698 5 14 965 546 1449 3276 51 2805 6 2592 1386 10069 67 412 17 11 2805 246 3 133 65 173 83 0 702 95 15 10929 61 302 466 175 2180 301 1018 5149 50 0 1 +3,117 0 202 22 7 43 106 4 1332 485 2463 3641 6 9201 400 14 3 9263 2117 12 0 370 2540 118 1210 311 530 113 293 61 225 19 1823 165 31 5 135 5602 2546 0 62 22 7 882 7576 6004 6 1 +3,577 0 281 8209 586 183 394 4 116 291 203 6 67 8485 2 3 38 159 173 485 209 3 1147 122 195 1 +2,847 22 491 975 1932 3 87 3139 150 87 57 4 0 48 71 77 1293 362 2 1435 1928 22 7 594 237 691 1002 1637 0 152 6 329 1069 474 249 9246 10 19 22 7 1238 2 3345 19 22 7 2853 1890 54 2429 675 0 127 1 +0,4366 116 2266 7826 232 208 2046 116 2 16 1698 4604 8804 208 5063 10 30 1015 10184 117 1723 116 2266 1976 5 3 3616 5329 198 0 215 808 4 0 1023 116 2266 672 21 9534 1070 5550 9 1227 2 8021 395 71 399 2 3 1547 1 +0,1 37 347 36 4111 37 347 36 11 8369 10247 2577 51 16 10654 +2,24 469 106 39 5184 3 5571 1427 8 1556 4666 3937 4267 0 7520 510 21 50 279 6 296 0 238 1932 846 10878 39 52 713 3 2177 1729 2 111 7226 8 70 110 1 +3,6148 3 9115 13 795 557 42 19 7 0 674 923 2 277 1 +3,11 258 301 23 0 56 945 4 3905 1459 8307 120 600 32 99 2216 1362 4621 191 30 1264 1058 241 387 57 2215 10 381 766 25 90 4523 248 75 47 160 1 +2,74 205 7913 8 11376 675 5 0 1724 9 6486 5950 4215 1027 21 59 112 13 562 38 4215 10096 26 57 343 5033 4427 42 3503 513 5 505 26 3612 6 131 675 8 0 9805 59 1 +0,2897 32 5501 11258 8902 53 10974 10 68 4731 990 71 3157 837 46 491 4896 8 3 38 1028 427 10319 2472 1 +3,273 17 11 41 45 1904 6 2890 1578 105 2 527 4448 9666 2 10439 2209 10 3678 3 5061 197 0 990 6 10961 5 11441 42 2161 3172 50 0 3665 4 322 1840 187 2 2522 296 8 95 1 +3,7807 7 88 1164 29 32 3 742 106 9106 8 0 1291 5 84 19 68 992 21 3308 8217 10495 318 1 +1,6060 6035 315 17 27 576 906 8559 5 3 1681 5 298 11076 26 196 52 13 1463 9 717 211 118 3 547 552 5079 503 738 146 148 46 30 3217 315 1340 2 988 203 82 0 1760 1 +1,24 2271 1535 509 67 96 3353 1433 32 90 3278 211 651 69 1099 10 2 75 2532 148 1 +3,1057 1166 91 1055 5768 25 18 19 29 479 4076 91 6910 3 260 1207 6750 62 10 10019 0 199 156 725 434 729 5 171 9 56 297 1573 104 1 +2,74 17 219 271 54 25 124 339 112 665 5 0 59 2132 18 95 52 31 3549 60 4 136 7 2258 364 3454 625 131 2 777 79 3448 687 2873 0 864 2 1832 1 +3,17 27 41 45 2440 228 1309 8 95 10 5854 3898 58 5757 98 140 5214 12 16 645 2 479 0 2442 4 524 7789 3898 408 6860 3251 21 1716 2165 20 0 637 1642 1174 2 2457 0 338 3 1820 9 0 354 18 1 +3,80 93 17 41 45 4354 96 10126 9 8338 8 81 39 3 8284 48 1527 1302 1513 60 4 10888 1027 967 184 1311 1806 2 0 11268 1105 0 710 807 1419 5 0 143 1 +1,836 100 17 2388 1200 1268 1454 1071 184 2 34 5 982 4 0 2330 1579 3468 5 0 269 179 253 382 8 136 42 0 11372 4 35 294 0 4873 480 1383 334 432 64 3712 1 +2,6859 536 24 2404 2119 7935 5818 23 1197 7622 6 4120 6528 23 5922 1141 339 47 8654 12 6920 8 95 1 +0,1177 158 2189 4 10188 3687 5 0 88 128 49 61 4776 23 0 1503 47 187 2 308 303 4972 7356 442 20 217 73 161 44 0 398 1291 1 +2,74 573 31 291 14 0 453 573 31 291 14 0 815 573 31 291 9 2265 2265 4 0 311 666 1602 781 31 291 687 2873 7 781 14 0 1248 532 1032 10800 75 110 219 271 124 333 9 0 384 6 131 72 5 21 998 282 14 455 177 1 +0,117 3 218 0 308 303 10098 3 3160 618 9 0 520 811 307 163 3190 10 2189 4 805 320 500 6 10544 23 426 2189 29 627 2730 44 0 119 339 103 1 +1,24 11 1198 29 32 57 1829 1370 285 9 35 1432 427 829 1909 5858 7553 427 966 12 5174 2 553 0 127 365 1100 2585 211 46 1273 34 658 3533 2 664 0 636 1432 7 1216 2 738 817 554 20 2277 5797 1 +1,353 276 4 3651 3650 20 0 1560 8212 11413 20 2368 2278 8 1745 5 7539 7315 7480 18 0 345 4 0 2113 85 452 5 3 4676 4 389 1 +0,11 4424 3137 55 10072 10241 3 616 3374 602 1518 133 723 4 455 3137 10073 262 5000 32 90 147 1 +3,2395 2302 0 92 22 7 63 199 220 765 9810 109 18 10 19 85 1753 7920 5614 5680 5 16 2724 264 20 5667 2 9283 +0,11 603 7481 591 29 2717 3 4619 15 19 3706 2 9376 6 4967 2659 16 1830 27 10823 1087 3492 29 8671 0 4619 5 8068 2 10785 9 10418 2537 1 +2,3866 7902 25 1105 407 35 63 59 3236 112 144 5 48 276 457 0 146 22 7 186 9658 998 5239 1 +1,411 810 492 6 709 3 692 15 52 8117 3 142 2563 197 538 6 0 1599 2406 411 388 1316 18 8 136 1 +1,836 100 7056 5072 2 1300 540 480 1385 334 432 892 35 783 8 3 5298 628 6 3192 9194 5 253 8 136 1301 706 10 3 2708 2 0 869 5 0 484 179 55 1231 1214 8255 197 540 1271 11 3192 197 41 45 1 +2,4337 6567 3427 3 92 159 2 1427 5 151 0 5625 59 112 9 171 248 16 5165 5 3760 59 252 8 136 102 +1,24 429 0 162 157 1700 9958 9 315 2 4747 0 2650 743 5212 107 3459 5 298 0 88 749 6 1645 3526 30 5 3 8850 44 230 657 2 222 2 1826 0 515 5 21 633 127 1 +3,6081 272 11 345 4 21 4478 563 0 317 456 2500 1314 10 101 261 251 124 40 162 22 7 424 319 5 272 0 781 4 0 2992 4 126 128 18 136 1 +3,80 93 17 464 160 64 245 2527 10 600 491 184 1272 5 0 2544 4 0 2203 14 168 221 0 5312 4 2539 3604 14 0 151 177 284 154 4821 203 1 +2,125 4114 1702 0 88 128 2820 1346 5 21 59 146 7 316 2136 346 137 241 0 384 386 5 3752 59 1322 9 0 870 2476 1 +2,24 11 461 3854 473 136 2 733 5261 7004 5979 2 0 7048 6297 9 11250 5789 7209 427 155 0 3854 68 673 3 768 759 12 0 1196 3865 3248 157 3 811 337 2 0 2111 18 1 +0,7202 5217 30 1782 8716 9 320 14 0 10721 4 3489 4976 10268 3406 2 9884 5187 4526 306 2545 3696 6 278 372 446 9 35 10647 1 +2,412 125 3869 6875 18 52 29 494 202 132 3243 8 26 618 15 642 6721 1075 879 26 808 22 7 169 11378 2506 2 536 5 0 384 6 131 3053 1 +1,7240 196 1418 20 8142 6 1656 1980 48 2216 1837 9409 391 0 10590 935 1223 109 515 6 3749 3 393 4 1006 1061 1977 6 142 134 18 1 +2,3873 6457 8415 3 321 243 1788 1345 2 494 3 77 492 231 39 0 63 346 4 0 6581 6654 2865 5 413 939 1 +2,6604 5 1191 499 94 3405 5354 796 35 11387 2 553 60 0 1257 0 1500 0 8754 0 9980 847 436 9752 0 5354 1553 102 46 222 503 8 1745 1 +0,156 523 1166 91 58 18 8 86 10 19 29 479 4076 91 690 84 675 138 4 171 22 7 580 725 434 1817 9 50 1573 104 2 1733 3302 53 171 22 7 1726 448 143 1 +0,844 4733 7524 91 58 720 3 3622 627 5 63 158 207 8 478 61 302 2169 188 16 43 158 15 3 183 62 42 485 10714 0 202 5 589 1332 +2,7780 1876 6777 9400 6 9384 40 421 65 44 320 4307 7567 5 136 22 7 6577 73 3809 14 7538 1 +1,17 2847 4398 4175 124 0 176 288 7 2445 112 144 14 0 177 8 136 11181 44 3 482 2206 4 232 357 2652 213 4 1442 11407 2 108 0 311 666 1 +3,435 67 96 627 183 999 5 4438 704 1782 771 597 211 0 9756 13 9066 9045 641 541 1 +2,5925 7964 1810 133 1462 44 441 2728 889 295 0 1035 642 295 2374 2834 421 0 3051 2846 3940 4253 139 226 8 136 110 1 +1,6419 0 2633 692 1483 1746 10 16 238 642 683 294 7005 5924 85 494 122 26 8400 9 0 6766 374 594 237 1 +1,27 728 4 4930 2456 25 3591 21 669 622 1302 5 0 1584 359 6276 515 14 214 739 94 639 64 321 71 441 4847 14 0 5887 467 2588 15 294 7586 6630 8008 3 1083 1 +2,2847 22 4398 4175 1073 0 1246 1563 2 3554 9 0 288 22 7 311 666 63 346 14 0 59 252 292 8 95 1 +1,11 2459 4 3 2419 237 489 5 375 10 2604 401 10220 3274 860 23 3 2419 2236 95 9 3 5597 4 5400 23 0 3292 390 1 +1,685 11364 6890 7530 29 548 60 8 33 155 52 13 2 34 2206 4 26 144 1 +2,532 8 0 1240 106 219 271 2429 550 2 1020 353 1544 138 530 3557 5 59 438 271 31 3 5091 10825 75 110 1856 26 5463 8407 3 5470 65 9 0 56 1832 79 1 +3,171 29 2742 50 170 186 153 44 48 2 77 103 5047 350 4 1480 4 67 3515 2 154 10655 16 704 1543 5 0 279 4 1535 96 6 984 1 +2,2334 6873 209 21 1333 1294 137 4496 1793 12 3378 613 2314 6514 39 3 1709 898 95 110 1 +2,11 465 6601 6425 2218 77 9631 109 9 3 5102 46 181 5 2179 0 146 22 7 99 263 131 42 18 345 85 76 34 865 6 414 948 4 0 88 128 85 553 26 112 144 1 +2,211 15 657 15 1832 9335 7485 6517 6 149 7127 30 3210 120 271 510 5 151 9072 120 1953 510 5 4160 5 3759 1 +1,125 27 2336 2195 8437 5 764 3002 31 8830 20 616 1491 5 21 579 7571 8137 475 179 476 18 1 +3,6059 3363 342 3901 4205 18 195 19 85 265 50 459 1016 3175 4 16 2254 161 1493 235 584 6 337 3 194 4 16 2557 3747 15 368 4 3 133 47 5290 1 +1,6551 0 4939 138 1698 7799 6120 9463 951 956 22 7 3292 3893 3968 1736 10261 419 4 19 23 26 94 455 8755 9389 4 +1,1377 17 27 343 6 48 288 64 492 2025 20 935 6 41 45 554 196 39 35 3720 1513 164 3 3182 8 136 3 41 45 388 679 18 1 +0,1612 4108 7962 22 7 22 22 7650 2 6644 22 22 6 6945 7612 22 7 22 22 6482 22 22 4602 372 446 166 6489 6 7336 68 1225 122 21 3301 2544 1 +2,126 10703 2968 6360 1249 14 0 1862 286 8 26 131 492 33 4517 3 4620 231 5 0 59 682 364 77 1792 10559 653 6 2437 6782 7963 4 171 2 494 0 112 1 +3,11 370 4 67 1004 192 2 9327 9388 15 967 1252 10 16 159 1224 145 140 566 767 1 +1,24 314 101 2423 2385 181 21 11221 816 2 2288 8 33 5047 9210 14 0 4927 4 0 259 2698 233 7 8147 267 3 65 132 2535 9 3 38 294 1 +1,74 205 3019 210 0 406 1665 69 118 3 3948 1638 46 491 49 166 0 4213 1638 4113 3984 5183 3 77 2594 33 6 6205 6030 989 5 48 675 15 0 406 1135 2 35 1240 2728 5 441 276 139 226 44 325 1796 203 53 0 112 144 137 1 +2,4109 1197 2960 8780 6576 5948 1987 0 4463 4 2337 7921 14 0 7535 5953 29 154 1225 21 8182 4 2770 2 1197 2960 1 +1,125 27 565 4 6347 7102 7 5084 11 7559 6 255 1725 10099 20 0 778 1387 3118 64 5415 23 21 4198 5116 20 1417 6 9434 10569 369 18 1 +1,74 205 11 1502 5 0 311 666 64 3506 118 3 2717 4 120 7 2 979 33 102 3 11032 229 4 10357 360 406 4294 2872 834 2315 6 870 336 2969 4010 29 495 2 815 35 438 53 0 1246 452 14 0 151 252 6451 146 8354 169 909 5 903 136 554 20 2872 7 72 4 374 2264 1 +2,111 1649 22 7 4281 3063 10908 2 112 5 0 288 22 7 998 5239 5 3 38 92 159 72 3063 384 5 1400 133 103 380 355 325 22 7 4087 6966 5 3 72 4 77 1008 822 1 +2,1885 5806 5831 506 23 291 2 11103 7109 5996 115 66 8 33 310 6434 246 133 421 4384 686 7763 2 2158 0 382 231 5 0 1898 43 1441 1 +0,4259 1312 2628 4745 4921 5 0 5824 6 49 2026 1257 1858 30 1080 9 6383 213 4 483 1559 6384 2543 354 680 70 1 +2,111 1649 22 7 285 8743 4281 3063 75 65 10574 243 92 159 72 1844 5 21 784 188 3 3605 1842 1527 5 684 1 +2,2832 1799 9 77 63 779 3361 5 351 1008 8 33 2 355 2973 139 170 9828 3 352 47 266 159 4 2257 3420 446 568 3 386 5 0 176 1729 4 2303 2738 1 +3,24 2324 67 96 84 32 90 3 4853 5 2788 99 41 45 10411 44 0 421 77 2028 30 2213 333 40 47 532 0 293 509 67 96 4605 0 49 1306 704 1433 5195 2 120 631 1800 232 302 2 34 3 8219 47 9 0 41 45 221 1 +1,2348 1119 32 2177 48 22 906 22 579 7300 8603 9 33 57 2 34 1108 20 4129 7011 7854 6 0 63 20 4129 5965 2277 6354 1 +2,24 7747 6678 6 5843 6632 550 1142 3916 4096 550 1995 532 414 948 550 5075 11 88 128 11264 16 1740 144 9379 2 321 33 110 0 182 248 0 406 124 819 14 0 8329 1052 1167 252 5 3760 532 46 387 76 34 1101 1032 1 +2,3845 37 1677 36 5894 7194 7919 7 6987 7396 5617 37 1677 36 3845 37 1677 36 74 205 24 7070 7173 4 313 124 0 1477 33 5 66 552 823 1008 323 909 1 +0,7687 204 5671 250 270 22 7 7644 10588 25 1712 51 2129 4 654 8 5372 4 87 1590 6657 87 10 599 1014 4678 0 643 1 +2,74 17 126 834 2315 3587 23 1853 3712 2 108 0 1991 5300 59 146 7 311 666 282 8 33 5542 49 4980 726 5 3 10339 131 1 +3,466 223 32 656 2 3451 51 2 21 4471 181 5 1582 20 4147 4122 22 7 612 483 10915 944 5991 54 18 313 31 87 930 281 1244 22 7 4865 3303 143 1 +2,5853 4250 246 3 77 145 997 7075 5819 436 1260 6 0 461 1175 355 0 2327 3829 351 115 8 33 5 0 11090 4632 4 3 77 137 728 197 0 1618 940 726 1 +2,6605 7762 329 3080 550 2129 4 145 563 42 701 22 69 10896 263 174 614 2 494 3102 4 19 3080 31 4794 5 0 1453 340 9 3378 4069 6824 15 0 1175 720 21 351 115 224 44 0 3829 1 +2,74 17 428 4832 7165 7010 10435 5 6989 6449 5 339 5492 3617 8 33 2 108 2289 35 63 112 144 14 21 59 252 517 61 822 552 39 1744 203 2 35 43 1 +1,27 343 6 48 288 64 492 2025 20 935 6 56 554 196 39 35 3720 1513 164 3 3182 8 136 3 56 388 679 18 1 +1,935 101 4027 4083 13 2 816 1061 2 8871 443 1551 6 1993 733 1 +1,11 318 85 777 0 2147 420 1440 10522 9 1113 2575 4 0 938 78 27 6 0 2381 1 +2,126 2948 2881 1999 189 384 699 403 972 63 2721 7842 7967 115 170 115 66 5 0 131 4 0 7813 161 3073 2290 330 8 33 1 +1,3899 444 5 375 148 10 77 94 64 709 6 48 716 8714 1861 102 35 10173 2234 1843 2 145 3 3182 5 0 1511 4 6547 1 +1,836 100 17 27 41 45 5756 2806 9350 1980 1200 1268 1007 2134 5 0 484 269 179 4 253 382 8 28 39 1546 10462 0 2729 4 3 628 14 0 976 4 3 217 77 65 3407 1 +1,1905 56 810 977 12 4404 269 721 30 192 2 279 1296 814 2590 5 1366 1 +2,4396 22 7 177 11168 1336 2 0 48 9110 4 2445 0 9007 282 84 1153 0 3156 2 16 3430 6 0 4954 1814 0 5395 84 13 5 0 2103 1 +2,1202 1357 54 2654 241 2 521 263 1788 2 8667 3 339 2752 231 39 2816 2070 53 3 108 510 118 10 5 0 4166 2927 14 6448 109 1 +0,80 93 497 43 9304 19 387 1811 166 0 2731 3316 4 3 1320 1330 5 0 615 83 0 1982 1739 211 5 1723 11397 156 1123 2 5106 4690 6 812 13 2015 +2,24 6982 4250 6 944 1620 1260 8 699 3518 2 453 0 1240 340 33 110 6 0 2751 828 471 331 355 0 461 1067 331 115 139 9 35 1533 1324 108 1 +3,204 821 250 4344 91 7358 10186 2988 4177 97 172 105 86 204 820 2 3291 21 3096 170 1034 588 6 616 321 49 677 1098 15 0 62 9668 2 10467 +0,165 68 241 1019 8056 9 77 1008 42 5583 517 61 21 2539 3639 3275 68 6 19 68 494 6 3700 2126 5 1729 1 +2,1957 528 503 23 0 753 535 126 1202 1357 1746 52 25 5361 14 214 138 4 26 2019 155 9524 46 4834 1 +1,1 27 388 3519 4684 53 3 2105 5 940 272 515 352 94 360 339 978 0 1874 2905 908 79 18 5 3 679 1 +1,125 11 633 1644 29 1225 315 7 11336 107 6 906 8129 53 349 12 2704 558 8358 2435 14 2587 82 3 5113 3385 869 5 0 1511 4 298 1 +1,27 456 13 416 2 34 304 5 1401 8 105 2 9358 0 393 4 3604 5 0 2083 7 9127 3376 9716 1 +3,638 313 22 7 4505 1386 202 2076 8345 5263 2 0 351 161 661 28 1009 8 2245 1679 2145 20 4421 5 56 400 75 95 1 +3,951 956 1364 2397 2917 4337 18 52 3145 951 956 25 3735 60 4 0 381 370 8784 8741 10 9738 9 5724 389 187 2 0 381 370 2076 3705 5 0 421 547 103 1 +3,117 1550 4 702 1849 4 99 0 395 5 0 92 1285 13 2771 49 61 67 6204 67 2771 1210 1343 987 3 1072 9 0 43 72 40 65 1 +3,272 22 7 101 261 251 25 172 10 52 29 141 1003 10419 0 636 6185 71 6041 15 0 669 3197 1 +2,6398 3902 6236 6474 5346 82 3 2680 3239 5182 9900 2 108 0 6701 22 7 4038 5673 33 14 7316 7289 465 7399 1 +3,24 11 5218 4 324 7 529 1106 14 3 73 268 113 578 904 5 0 194 158 0 10760 2117 5 217 48 103 0 107 147 81 1 +2,6421 4223 4213 209 2005 198 0 3667 2 108 20 3 9722 5 0 5638 320 4 0 73 104 1193 2865 109 14 6255 6986 4223 +1,56 2979 2836 2908 2837 942 1905 2216 1348 1626 1454 29 34 9233 977 12 259 3228 40 65 15 0 56 388 2660 0 43 894 2590 9 881 721 1999 188 0 259 5 375 6 304 14 3 1803 56 4173 1419 5 942 1 +1,1384 61 73 161 6985 1000 3 1031 761 8 3 4761 2588 5 1190 22 7 9991 9934 134 18 33 15 4440 3697 1799 8 0 917 4 2936 2 1017 3 8713 906 3155 4 0 359 210 436 246 +1,3026 946 244 1349 1897 3264 1284 582 0 431 107 31 3579 680 16 563 9 0 100 259 85 9500 0 615 83 1836 1 +2,414 948 1011 3 38 1768 2750 6350 10 71 52 1011 3 3196 469 9374 9297 10667 180 23 9741 5 324 6 8405 5 227 689 6 +2,74 7353 346 8983 85 32 90 3 1091 9 0 88 128 288 6269 9 3 224 0 406 4483 4801 20 993 2128 166 3 112 144 8649 6 166 3 79 1 +3,431 1996 1213 1207 827 172 28 19 29 708 0 1103 5446 19 3097 2 2227 96 23 204 823 213 4 1535 67 96 1 +3,412 430 821 111 3016 3793 2326 3793 3956 25 473 2 479 2833 6165 58 5774 3 56 206 1299 4 2606 4597 8824 3642 9 50 5742 104 5711 1 +1,413 689 123 19 2722 141 1132 2 1116 3 934 661 1276 12 0 88 128 2 10275 9 1459 401 622 349 8 0 3205 150 22 7 1488 2797 700 1 +1,1067 10979 6382 7748 13 4730 39 2436 1224 0 1550 4 26 10112 1 +2,379 159 3380 4208 4247 22 7 11062 5597 23 0 288 22 7 59 1477 109 31 76 416 2 1471 0 260 79 123 1 +3,412 17 11 702 4530 82 624 133 65 3438 83 0 1718 6 2805 8 28 5 11100 430 733 12 485 4896 8 41 45 301 6 3 5388 20 0 637 1394 612 789 5 0 65 1 +0,111 3113 193 2201 30 8 0 234 10 2144 2 246 2197 225 19 9461 0 182 35 2793 497 660 13 0 1650 2 8172 0 3489 811 4 440 519 9858 3 216 +0,638 17 6392 51 10 5030 5409 42 2802 50 185 5570 466 1096 342 3033 97 37 27 376 305 373 397 1693 11215 9174 9625 402 3778 1204 10353 11018 9548 9546 10352 306 36 3778 1204 37 27 36 123 19 25 1088 3 38 1727 4559 5097 3492 10 68 5090 138 4 185 458 503 1 +1,1184 204 821 250 538 172 105 28 2 1226 888 4 38 1748 5533 5 0 642 683 879 21 1661 56 1791 1139 8 3620 10 0 1621 680 87 29 4727 0 717 800 1 +3,80 93 17 7446 955 2326 97 37 27 376 305 373 341 397 91 410 415 402 954 236 286 223 423 418 36 954 236 37 27 36 8 28 18 19 4876 3 338 2 425 530 4 16 1323 2 950 1593 58 37 27 376 305 373 341 397 91 410 415 402 1368 98 286 223 423 418 36 1368 98 37 27 36 9 5685 104 1 +3,6362 6 529 30 4639 20 3290 6 8498 4 0 38 2159 1 +0,1643 91 602 7 11170 1465 481 365 670 84 25 10549 0 62 13 884 9686 191 3 858 188 122 2 676 283 1 +0,270 22 7 77 47 773 2 1225 138 9292 285 2530 122 2 498 13 192 9 3 1443 9171 2398 268 102 1370 4958 5180 29 857 3 9874 10540 +1,1377 375 204 821 250 27 650 5046 9 57 4 77 406 543 4 11135 3 1093 935 721 5 3 798 3411 1140 3 372 5 228 28 4 375 22 7 238 4793 +2,74 205 7777 613 3061 2912 8018 52 31 0 1493 54 5511 0 5890 890 2912 123 52 22 7 0 57 54 8090 1025 3 11022 4 7710 2 0 56 3820 3947 1347 1 +2,7705 7387 11 7410 118 713 3 3504 65 102 46 2211 35 241 1138 8 33 430 5675 3 739 115 386 2 0 7341 5936 1 +3,17 7635 1164 58 6866 98 0 199 41 45 2519 1076 8 28 18 19 29 3291 2819 2177 1730 5 715 2 858 2169 20 3347 51 2674 9 49 5073 896 1 +3,27 264 2009 25 5283 23 0 4288 2415 39 4418 52 10185 0 235 4 135 2615 18 0 1284 1 +0,7675 8594 10 3 1431 38 1992 8 0 2204 1849 4 385 193 13 4886 42 8683 1 +3,260 2208 2742 50 73 268 153 8 3275 1448 47 217 77 526 15 281 15 46 8685 51 9 4526 3 1026 296 8 28 1140 1 +3,7821 5 0 179 4787 49 61 1346 3 65 8 1981 118 291 4006 2859 6 6083 7754 658 1714 437 13 362 2 34 2743 8 590 447 6 10789 0 +0,130 97 22 7 649 2 247 3 216 1334 9 16 2059 307 163 5 0 398 162 10 888 4 350 4 2208 30 5277 2 2484 8396 290 0 +0,11 3473 7239 697 703 5 370 20 530 113 2 1868 113 3 1261 4 135 697 30 4588 210 15 566 1 +3,2882 3215 7180 6594 97 8 28 18 19 1518 3 169 47 5701 104 1169 768 2 672 10731 1221 8558 1842 563 2 1169 8682 8560 0 258 4485 5 +0,11 365 240 5 0 56 13 1005 778 10923 5 16 581 83 94 19 123 32 4979 3270 365 12 3224 8191 514 3620 5 232 1684 1 +1,24 27 150 2084 1309 28 10 0 2191 51 1291 284 34 3577 9 0 7187 66 237 5 6938 7 5721 6172 2886 225 4993 4258 7468 1349 4998 3935 20 5455 2 0 606 1936 1008 132 0 903 1700 1 +3,11 370 4 67 25 4856 15 706 50 9588 2 1325 256 10341 60 4 100 772 3637 1 +1,11 411 107 31 4405 16 1528 522 28 12 105 2 1226 888 4 38 887 5 0 642 683 4523 20 3 56 10795 4 669 2 38 2013 1508 1 +0,6393 10 5030 5409 42 2802 50 185 5570 3033 123 19 25 1088 3 38 1727 4559 5097 3492 10 68 5090 138 4 185 458 503 1 +0,1059 725 191 767 2 452 3629 449 187 2 0 258 2057 296 20 0 56 945 4 3905 1 +0,3052 2952 1628 2610 48 208 1554 8 16 2952 41 45 156 729 8 28 15 368 4 3 1800 172 2750 2 878 8 399 10 1413 371 2 4641 12 716 1 +3,1 37 451 36 37 451 36 37 451 36 129 1580 4152 37 451 36 37 451 36 412 17 2324 3340 67 96 772 9 3 63 1527 8 28 15 100 3584 655 23 505 16 1487 6 1145 2664 39 5051 4759 583 4872 443 5 0 484 179 4 253 37 451 36 1 +3,5988 7 239 6244 8844 5100 303 123 19 29 10602 529 54 1426 8 12 21 1111 5417 1 +1,74 205 11 406 550 3 5461 4 120 19 31 166 5 0 447 10015 276 847 993 901 21 2114 46 64 1209 2 355 3282 10587 2829 2264 2815 28 5 35 131 2136 137 4 0 59 146 7 316 630 1 +1,17 11 238 790 906 229 188 3908 7 3188 259 802 60 4 3 558 2187 11157 107 8 28 8759 3 216 2458 2 0 127 7 502 3346 717 800 1 +3,80 93 17 41 45 1991 697 64 391 0 5524 5080 8 28 15 3 1709 191 1252 23 523 1964 1922 2405 58 37 27 376 305 373 341 397 91 410 415 402 3072 98 286 223 423 418 36 3072 98 37 27 36 8746 3615 5143 0 8249 4 3283 67 96 1 +0,2901 51 12 2222 4831 2307 1340 1682 2 563 8959 1229 9 2150 2 1326 193 210 1 +0,1409 1363 13 549 3635 173 2226 2 3 338 2568 197 1243 156 175 1299 4971 6 6175 20 2280 4365 0 338 4971 22 7 5713 161 1790 1409 1363 1243 300 29 +2,74 17 126 570 666 336 2335 7884 5434 219 747 15 0 59 112 5088 28 12 3 1292 356 4 5702 1566 909 1 +3,6718 1779 866 10 0 10382 8168 4 345 23 0 424 319 33 430 818 83 640 267 261 251 452 160 30 141 9527 4 995 15 1690 20 0 669 1 +0,1057 4300 1065 1055 7502 25 1010 3952 15 0 8458 2668 5 7597 38 264 800 5156 3840 483 2204 4435 522 11 759 9090 0 1520 197 3952 6 4300 2 672 3 192 4 173 1849 3444 395 6 175 5142 1547 14 0 3840 6 1234 1520 663 1881 9821 1 +2,24 11 179 775 0 461 1175 0 222 274 2 521 8203 14 4392 1903 8 28 110 39 0 3653 2121 255 346 4 9561 4 3578 235 1711 8 16 8722 5540 4708 1 +3,4216 267 6558 5860 680 10 189 127 13 5 0 3457 4 3 1728 869 27 218 20 2532 14 0 254 4 0 1195 18 0 127 1722 652 1231 +2,151 205 693 468 1958 2891 554 3 4492 126 475 12 818 1499 6 321 10405 15 0 88 128 146 22 7 316 79 2490 0 2136 346 12 3 10516 2264 2815 224 44 11391 2829 1 +2,151 205 693 468 126 1883 2380 0 288 22 7 99 263 336 14 0 1635 252 964 255 144 8 28 110 12 3 1142 5 0 3130 3141 438 1 +0,2955 125 27 38 314 56 79 9 0 465 608 1633 2922 29 494 82 23 0 5914 201 1540 5 0 238 2403 10503 4 2343 5 838 314 201 134 18 11 77 1493 79 416 2 34 1664 8 86 29 2089 9 0 2922 8 1422 3 314 7636 7713 139 915 752 7 637 608 1347 7482 18 8 16 1341 1 +2,17 151 204 821 126 834 2315 3587 23 1853 3712 2 108 0 1991 5300 59 9850 311 9866 282 109 5542 870 336 2969 4010 6 135 49 4980 726 1 +1,24 2379 10407 16 1974 23 942 8 28 39 0 6206 107 1154 2 859 82 10470 5 3 8884 44 133 579 3987 2861 9087 9512 5 2379 1 +0,129 2944 2980 273 24 4034 2037 6 4734 167 99 0 1667 42 4837 11324 708 0 1306 9 14 214 1012 5519 4 2472 597 532 12 0 3475 9026 1314 141 5360 4 11331 10821 148 46 794 2 478 1156 230 1727 1688 9256 2472 449 249 46 387 615 122 1 +3,80 93 17 406 1015 35 1698 862 3150 8 72 14 3 159 173 661 5 688 1526 1698 862 8795 2 35 3437 661 5 133 103 7083 7 1373 755 18 8 28 1 +3,1930 27 1002 303 10 123 19 68 154 5352 4488 526 14 710 301 8438 13 448 16 264 2226 2 21 4435 12 1203 2972 58 1 +0,130 25 2656 51 1032 255 234 9 1227 2 2457 0 3127 527 4 178 609 2 0 357 338 755 1935 66 959 1334 1 +2,1636 3743 10773 6 564 11320 11 5304 9140 3200 6 2499 22 69 1248 11 431 8646 2214 5403 8 6 701 22 69 5266 19 1 +1,2379 10408 16 6634 1974 39 942 1154 2 265 1840 155 5025 579 2861 7999 30 5161 1 +0,468 873 239 1173 1065 1063 2287 13 1679 1913 2675 5386 1389 2874 9 460 104 5 437 6 202 1389 2874 22 7 193 2592 5467 1682 1997 2661 6 4045 1766 +1,27 238 692 142 1120 54 55 34 257 2 1472 715 335 524 2556 5 1599 39 21 411 5236 304 3 2563 9849 1276 28 12 101 7944 3822 134 18 1 +3,111 152 610 1136 10 5321 122 2116 3290 9 1560 8538 529 209 3286 8 28 44 1510 10 46 85 5370 10129 14 3 72 4 652 2779 1 +2,604 7869 0 110 4 0 5070 282 6 0 5349 3 110 4 8894 9 407 22 7 4208 4247 6 4712 9 324 22 7 834 2315 1 +0,2392 25 9679 3 1868 104 338 2 154 0 56 7343 755 1490 16 785 5285 525 1577 2 1316 337 2 0 338 0 759 1263 3 1569 104 8640 4628 6 +2,6642 236 22 7434 1008 39 1279 3 5591 520 487 2720 5 0 1013 1482 4 2116 28 2 777 0 88 128 3 66 73 224 44 379 535 336 1366 6 3 422 5 86 22 7 112 144 137 1 +0,607 1043 953 97 25 265 96 8 16 220 697 20 15 281 15 1868 113 1027 967 8 28 18 0 1084 64 1505 11246 2 11006 9601 4 0 92 22 7 199 765 342 1 +1,24 538 172 105 28 9 1034 38 1748 5533 5 0 642 683 39 21 1661 41 45 1791 1139 10 25 4998 0 1621 11 1621 10021 99 2336 1528 5 0 642 683 6 1599 2406 5038 225 46 619 2 9050 21 1469 150 1 +3,638 17 11 702 304 8 2 0 1503 106 7 1733 8 81 5443 20 3 10539 5 67 96 6 2782 2010 8 0 41 45 221 23 637 1394 134 1 +0,11 10246 175 84 4809 49 61 3 194 4 0 4601 1717 4 0 512 107 4594 2392 39 3 5114 47 9060 19 18 1 +3,1636 10167 259 44 0 2559 4 3796 9339 8 3810 0 234 8 99 1816 19 13 2685 16 10263 8718 4 9664 11390 6 8829 10001 1 +3,111 2116 1136 32 1148 3286 5 0 88 128 10 0 107 123 29 3666 529 22 1021 42 3484 148 29 2730 2703 529 22 556 1 +0,842 5 0 88 128 32 4916 3297 5096 84 68 145 1844 15 657 15 5135 132 1672 4832 11 724 148 35 1456 55 231 2 990 71 3355 +3,8271 1565 87 4268 5993 0 1387 927 4 7546 1213 4268 29 265 4198 5309 2 6542 6 1378 6538 5 0 43 1147 4 3 318 2 3291 169 5309 1 +3,6388 14 0 3200 171 5885 750 1398 32 11319 2067 44 35 10120 2 1398 22 7 369 3 1820 18 81 1 +2,1641 6278 10514 15 781 613 14 7182 401 389 39 295 0 7904 2 0 2966 5707 2465 316 403 1 +3,638 17 11 702 9478 8 81 39 3352 0 1503 106 15 232 485 304 82 974 2134 274 4 652 301 23 0 88 128 1 +3,533 428 4478 4 75 33 22 7 424 456 5 272 84 9138 1472 101 261 251 5 489 280 141 654 4 995 15 0 669 89 977 1445 134 18 1 +2,11 575 1896 6111 993 1516 3 768 759 75 110 12 2151 7310 4262 4262 0 384 1784 3186 5 1582 22 7 2040 473 2 3 401 47 338 1160 50 531 104 360 +2,11 1189 22 7 2593 2179 3478 13 8185 48 11138 1448 77 10245 188 0 2682 464 2342 635 22 7 11406 650 68 167 16 1411 925 597 0 6125 55 34 5 9 357 1329 1 +0,27 5105 2764 788 2 5267 1727 9860 1663 2 2139 3475 6 5516 2621 5096 53 1477 10597 3 7525 4051 596 25 280 1 +2,11 56 3640 79 2490 16 5324 2042 145 164 0 177 8 28 12 3 139 73 108 44 325 324 22 7 194 1324 112 144 1 +3,80 93 747 855 747 13 5 1412 2111 2 1652 4012 57 4 0 199 56 1275 4 1090 2 2231 1256 6 8488 9484 187 2 1098 337 2 0 349 1 +3,5942 314 704 239 3084 25 680 10 19 29 76 1127 15 281 67 15 302 40 47 165 8275 8200 54 30 8926 16 696 7986 2 556 16 2680 10591 2220 1988 1 +2,74 11 8312 737 8 9 217 169 1008 310 414 948 8444 51 6 1131 11325 3146 0 9440 8222 75 110 87 7929 87 948 813 26 5518 4551 7086 87 78 928 795 1137 40 132 87 1 +3,273 6680 4 529 1799 8 0 1825 4 0 2348 945 109 2 1017 0 3392 4 38 1136 46 148 29 646 15 232 15 115 104 406 2 2093 35 2116 556 211 0 152 610 134 54 3226 0 1696 2159 5005 49 529 29 2429 3554 9 876 556 243 0 318 84 965 1 +1,27 5985 7575 996 543 4 10035 0 2729 4 7537 10194 76 2066 2 259 3228 647 1 +2,4163 7 3534 72 59 4677 13 11043 6 5343 0 921 565 4 3 7416 7 6279 8597 1992 851 167 99 0 56 4961 0 357 306 3660 6 3 566 8963 3271 974 2 0 351 451 486 784 165 7 3 9237 10 7 90 10325 2 783 21 2446 6 1795 5252 11 357 8919 1068 32 2 2203 51 631 9877 1 +0,469 923 10 22 7 1416 9612 426 54 651 22 69 4593 2 309 156 3970 13 1456 3 1341 10 3581 1372 4320 2489 1811 2 32 2582 99 0 49 10119 210 142 1697 30 3277 49 371 2 2493 1372 8059 1 +0,7871 6053 2 1183 22 7 295 10444 622 32 90 4514 20 3574 9373 5 0 369 8377 4 183 5108 1 +2,262 57 25 90 49 8906 83 212 467 9419 14 168 61 1175 3655 3886 3085 532 3085 1475 15 155 52 85 34 14 26 4880 28 110 14 4392 1903 1 +2,2932 7774 1734 0 1648 132 28 110 22 7 137 14 4066 1903 6 9498 3 2731 3456 396 3119 0 3669 4 0 421 65 1 +1,24 11 2497 44 0 1963 259 159 4 636 594 1998 149 329 25 5501 3 617 1118 8 57 4 10 1430 7 5052 788 9027 427 0 1287 4 324 7 1879 7888 4173 5 3586 8398 6 9801 10999 4 0 7033 6260 1 +1,17 313 1115 3 2508 715 8 81 83 238 92 2478 336 1878 2309 54 13 1339 5 0 88 128 9 8789 1808 8 7953 21 9491 317 18 1 +1,4272 17 413 689 9459 9599 14 101 152 9 3 63 106 8 81 975 180 3 718 9477 6 785 5507 6 18 401 622 349 8 7376 7 1488 3108 1071 3267 1 +1,1391 5 6827 4755 6963 5233 5 0 359 54 30 1525 0 626 4 9707 4617 1760 1 +0,27 79 5294 0 5307 4 3 229 4 4372 3825 2550 32 280 2669 4 35 5646 47 266 806 1 +3,7716 523 3059 2386 3065 25 720 3 63 158 207 44 2778 0 386 19 181 44 0 398 1291 0 47 132 11 111 1605 206 229 84 13 8629 10369 0 3696 264 735 +0,2950 29 672 973 2 190 4413 6 2049 1409 1363 873 1 +0,470 379 2950 29 672 973 2 190 4413 6 2049 1409 1363 873 1 +1,7395 7192 7049 1612 245 5169 7881 1011 5196 10463 2 11427 164 189 5178 5472 1 +0,953 25 10750 96 290 0 1422 15 19 3530 2 167 291 38 1794 1473 416 40 8181 11 4062 910 518 25 1137 1084 4 44 742 1016 3175 310 96 9 953 22 7 1246 264 +1,260 946 244 2930 4318 18 26 127 771 76 318 2 4722 444 2 298 5 681 315 42 29 672 2222 4472 1 +1,56 6 269 444 1670 1006 5 253 8 81 6 269 212 6597 1412 2 601 460 3751 4 0 484 179 22 7 2330 1579 4299 2491 225 5009 5072 2 1300 480 1385 334 432 32 90 9422 51 9 528 1 +2,6329 1078 1038 6826 22 7 105 9 3 314 2711 14 4007 1194 140 32 11095 0 2483 259 12 1440 414 6586 1 +1,24 260 946 2397 2930 4318 11141 3 10850 4725 1681 1748 531 161 3265 94 23 0 1556 681 298 233 1030 0 576 107 2 277 49 2 200 19 3596 9 0 4909 2157 2 626 168 1 +3,11 580 417 2765 1221 5 313 550 278 4509 195 15 4321 4153 1819 2 8887 3 524 7 1719 105 12 3 1570 153 9445 645 9 4361 1 +0,2883 428 890 53 0 386 4 407 22 7 5931 66 915 75 6246 3680 0 646 140 32 90 1333 7002 1859 1 +2,273 17 7740 6479 5793 324 7 182 11034 50 2738 670 25 3372 192 0 3420 4433 12 26 2735 5 26 43 283 1 +3,4321 4153 1364 832 58 1759 60 3 1570 153 645 9 4361 2326 8 81 4583 3 524 488 20 7069 1206 1364 832 2 1253 0 92 22 7 580 696 1 +1,125 117 40 10265 1942 3888 127 225 5230 13 1111 6 0 4596 184 5592 8627 3401 8 0 390 7 5108 19 13 3 4537 1493 54 1460 53 264 803 1529 3696 1 +3,6666 58 5471 22 440 849 206 1259 62 4659 20 8875 2100 8225 6176 5968 555 21 1469 1440 81 102 3 238 996 5 1039 22 7 1417 444 5283 23 16 1422 1 +1,428 935 228 31 879 3541 5213 5 16 814 4 77 56 146 543 4 5493 6 3415 6 0 88 128 85 9084 141 3401 8 119 65 22 7 5551 3 56 317 18 8 81 1 +1,17 1961 5312 4 566 10809 9832 12 8347 8549 4679 30 1759 60 5 3 10916 9462 6 0 10774 5139 5 10984 9313 2577 21 9554 2 3 8725 2448 304 20 26 9929 1 +1,2908 2837 2979 2836 942 2377 1989 2349 7 8462 31 1489 977 81 5 0 43 41 45 388 5510 248 379 1407 686 8108 14 3 5207 885 225 26 5046 4582 0 800 15 2780 1 +0,80 93 1173 1065 13 4427 734 2 1226 16 2138 5 257 449 896 6 19 22 7 405 505 38 395 6 38 2428 2 277 19 1 +1,4181 8937 7769 22 7 2246 6 5412 30 8893 10 160 13 1285 46 68 277 2 154 180 691 28 26 5412 6991 5959 31 1457 2 4661 0 306 4 26 719 769 5335 +1,1956 4 8876 5545 64 10911 14 6643 1875 81 39 260 1165 3166 5325 4 1730 213 4 1539 3625 6 2222 9418 1 +1,27 229 975 787 87 11 1374 1169 5 100 87 18 2928 793 3744 16 170 161 196 71 0 1521 4 3 1279 2333 2614 68 22 69 34 4935 1 +2,74 17 1371 59 8870 336 2391 6422 29 2093 26 112 144 6 34 9092 23 0 252 39 1224 1442 1136 0 465 59 1359 2921 18 81 1 +0,607 1915 745 1173 1065 58 18 19 25 473 2 1652 1389 2874 9 460 104 5 202 6 437 2 3295 175 2691 2 1459 982 6 1766 322 1412 156 7370 399 +0,268 822 250 1173 1065 109 172 3 38 3920 7436 1920 1881 1888 6174 9 7052 1881 394 1 +0,830 698 5 3 337 63 310 1178 1315 1112 596 123 1 +3,2824 352 250 11 2394 4352 468 109 5287 1512 2 2373 1164 22 649 2 4985 3 4867 8 99 2038 5482 1115 164 483 1237 525 4882 122 12 16 621 1791 1230 6 8595 0 +3,88 1164 123 19 362 29 157 2064 9 4807 5172 105 3 592 10 85 34 0 199 417 4710 20 3 56 62 6 55 231 2 3 11056 3350 8201 10565 0 10625 6 5064 9160 4 0 2252 1 +0,4375 9657 1275 2950 6 7152 32 1135 60 381 6 809 264 10039 567 854 1499 12 2606 4373 44 1913 1406 563 1 +0,27 1155 1835 25 1822 3 239 899 3187 3 4861 285 405 3 2223 10 55 520 3 38 2124 4 1789 4752 242 148 1 +2,56 4954 7488 2909 555 26 59 403 70 39 256 3142 5 0 2723 131 2744 4 0 5635 6582 1942 11428 653 20 6544 7796 4 2343 1 +0,17 751 712 8 81 720 2 16 434 729 21 11243 5194 23 16 620 12 116 7 882 84 1018 3571 4851 76 9 120 19 1804 42 9 16 11121 118 132 0 156 208 705 7 281 1215 586 183 394 1 +2,24 7655 5261 1054 852 13 99 42 3177 76 2 521 136 110 102 176 1514 1399 829 2660 16 283 213 4 4657 1703 5 0 676 7 1216 800 2 0 4164 353 10 54 2087 3062 25 8112 2 0 4164 9 3 10304 926 8791 5571 6 10466 4 852 3290 1 +1,24 149 329 1108 2 4611 4766 4211 6 1208 2 1549 817 52 55 1127 478 293 2671 588 23 0 1067 1912 61 101 152 25 1 +1,24 606 1271 30 3553 9 3 4648 1669 8 1735 2638 5 0 3998 2675 714 3 38 1125 4 4655 197 2195 8626 6 10059 42 11315 2556 443 2 777 0 622 7 679 4 5210 3 49 2646 5487 1 +0,24 469 4 1448 77 9676 5 0 88 128 6 217 57 158 4 0 390 7 3586 4652 614 1500 10 94 284 3429 71 1220 4791 2565 3171 160 1 +2,80 93 2843 8562 6016 7568 18 28 52 85 1651 107 5019 8 10895 1152 155 0 797 22 8150 10452 2 1079 0 545 1136 84 145 9 48 49 103 1 +0,17 11 3825 5923 4286 13 243 1028 23 10070 67 6 883 4845 6 2403 2544 5247 3737 0 41 98 6369 7362 18 8 81 1 +3,2373 1164 18 19 85 504 8454 3 169 4867 9 9616 3 2227 14 16 8045 2477 5 8827 1 +2,74 1905 103 380 5 1400 39 0 56 9353 89 2578 144 513 14 0 177 9 0 43 72 5 1162 103 9143 267 2853 6158 31 5367 14 3 5456 4843 10 0 11203 502 89 3144 11 288 89 2106 23 1533 2 384 5 0 92 5 57 47 0 146 23 1533 2 1453 1 +0,1185 1163 3877 2990 23 2823 195 2601 46 5013 2 5238 365 5313 23 0 3488 4 6029 6976 21 3118 7 2575 6 2475 304 44 0 2348 1041 1745 391 7439 7122 11 11225 653 304 8088 248 5655 25 795 1015 4868 9 245 4 0 365 901 14 0 653 123 2823 851 5013 2 5238 99 762 8184 2 167 40 660 5284 18 1641 7903 2823 10842 1 +3,3885 121 4951 180 210 1207 832 3889 2390 3867 18 5 951 956 10 26 62 25 8954 1866 104 9 3 1077 190 1755 2240 5 171 1 +1,273 6713 2 3535 1267 20 677 41 45 388 1271 5 100 6 14 0 2381 31 3 257 4853 5 0 1968 1522 14 1871 2316 1504 42 160 13 141 654 46 2115 245 9904 21 1469 1787 3211 1 +1,836 100 100 7 182 1295 540 480 1305 168 23 407 8 70 2 154 3163 21 157 2 217 77 528 4 443 5 253 6 13 975 8 26 4898 2 1116 180 5 3 5079 2 10416 0 484 179 26 10841 6 2800 18 1179 3836 1579 6684 334 4306 626 506 15 1743 443 10149 5 253 7 1191 635 1 +1,5926 11383 5302 369 1249 3685 883 6 10584 51 2039 4 2034 5 1584 8 81 188 3 996 454 358 2 1017 3 736 4930 475 10 709 323 94 6 1861 888 14 21 669 718 1302 1 +2,7615 1358 555 3 77 145 231 310 3937 6779 1260 6 10904 48 1013 340 2451 15 111 332 1025 0 952 2 35 1013 699 386 139 186 81 1 +0,6738 58 21 385 193 62 5 3827 105 2 592 16 2588 2 6583 5 838 11 10482 29 1225 5644 588 2 4229 947 7 2292 1 +0,1199 3341 178 609 527 68 34 2230 8 969 4013 30 2639 2 154 10298 922 6 5103 1 +0,6580 1483 2 1519 5611 817 2625 3548 1554 3088 2 10065 1 +0,11 4220 7339 13 549 2 32 57 1696 1794 320 0 452 9 446 6 2109 1 +0,11 470 240 13 2524 3 478 891 40 47 4 10623 16 41 45 300 6 478 2222 563 6 4789 2 309 2586 1811 2 32 181 3 3255 187 2 0 126 3920 4282 2923 1 +0,11 88 749 164 16 465 330 3037 468 6696 29 10036 0 43 578 844 6483 1041 8 136 5 21 773 2 3285 936 371 50 0 1420 4 1906 6 330 3037 844 6397 6 4810 16 3742 309 5 0 233 1 +0,129 7243 6499 3843 3856 24 844 239 130 97 1187 6 0 2100 6 2048 10254 1402 1408 58 1 +1,27 11081 1147 31 1148 109 5 0 1797 2 1456 3419 717 5 0 869 1841 6222 233 4 315 102 0 2825 717 349 11220 2431 3 133 1125 2040 3104 1 +3,849 6298 683 2408 4334 1063 1938 840 18 8 70 10 19 13 5 349 12 56 206 5920 832 5899 98 1063 1938 840 50 3 719 338 5 518 12 0 327 696 22 7 2150 9 +0,6764 22 7 107 8 81 172 3 56 139 104 6765 5692 104 318 2 672 513 156 854 5 902 4624 290 0 2083 1 +2,165 209 241 2813 3771 909 9 7773 852 3928 2 4826 189 668 5 0 8081 4 5912 551 852 3928 3230 0 1248 518 +1,1630 5 1182 114 399 239 4339 6179 337 819 293 8 35 143 1085 1301 73 5689 9 0 62 1 +1,5754 204 352 250 8923 2388 1107 473 70 2 5164 5 717 349 12 0 576 107 256 304 5 0 2986 359 4 2825 39 1080 243 1126 2 4747 6 1651 8608 2 3165 5 0 127 22 7 +0,117 21 857 2 1824 0 448 11114 4 367 5322 3389 11097 6 0 10307 4 5031 440 519 0 2934 945 6 150 893 2541 134 32 9553 120 3610 2 34 0 199 8925 1032 83 2197 249 358 10166 6 135 156 8588 4467 37 572 279 929 748 841 843 856 886 493 66 648 824 36 37 326 36 1855 91 37 326 36 37 572 36 1 +0,11 649 13 3 1138 9 0 48 275 6 35 318 2 1652 2869 3 481 1021 663 303 1 +2,6812 1876 4 5880 5596 0 5509 12 3 589 2212 70 5167 49 61 779 4 0 482 5 0 131 3423 6 4792 6936 6624 4 325 14 0 1248 518 1 +0,2332 116 0 2985 2982 1640 2041 3 10104 197 2982 5620 116 5 35 615 83 130 19 13 3472 2 4828 0 1850 5363 197 0 48 3633 6 1024 155 0 5457 10 3746 564 29 235 210 1 +3,7369 23 321 1521 1107 32 2145 537 1924 2 1795 3 921 758 10 1315 3 738 1676 3277 3 3914 1317 861 249 10414 10 19 1460 8041 134 4 0 4479 148 1 +0,273 27 1155 1835 25 1822 3 239 899 3187 3 4861 285 405 3 2223 10 55 520 3 38 2124 4 1789 4752 1 +0,149 2274 0 3125 537 4 0 56 13 302 2 694 8 86 2039 4 5045 83 1657 2197 879 3 363 257 581 83 0 10255 290 0 56 1 +1,2878 6203 2294 654 3691 20 650 511 5 0 1050 937 1313 761 507 387 32 90 4654 3546 18 5 3 228 2564 296 70 118 48 276 132 2085 2181 13 2 504 3012 18 46 89 280 8645 5 2294 982 5320 2607 2 2047 1152 31 3091 1 +3,1894 3 5577 194 158 383 218 10 1025 16 400 10208 822 113 81 10252 1506 4279 6417 58 1 +2,74 17 7454 7536 6 6358 7433 355 1952 7 6774 5984 6 7263 6651 1569 819 1569 818 8 70 2 4491 1171 7 43 146 7 59 1671 2789 112 144 1 +0,2981 2887 29 247 3 4944 8571 12 5134 466 2001 897 6 12 16 621 2256 194 1104 344 392 382 119 47 1 +0,1406 2032 11269 7862 25 1512 8061 255 5628 104 23 2240 8408 6 13 590 2 6876 324 6 496 2 7978 21 502 11133 449 904 1 +1,125 375 25 3 864 9 905 718 9717 102 817 222 2 0 2131 5 0 127 7 43 1294 7725 594 237 0 2419 7 4820 2 0 390 18 1 +2,2878 17 3012 5 0 2697 507 83 41 45 316 285 1050 937 30 3555 0 5546 4 2294 654 4693 2 0 650 7 507 595 301 1071 2 32 90 9804 6 387 32 2 34 5479 60 1 +0,2279 7626 40 65 21 1490 4 16 1872 8641 663 114 3095 2 0 671 518 3 63 565 12 49 10629 6 1412 9259 1 +3,130 8 70 172 0 247 2 3445 4 130 7220 4138 2954 741 6 2954 741 7925 3958 3 38 2534 10 0 62 2140 358 2954 741 2899 1 +2,6414 6610 2808 4 205 8504 3 9457 8997 5307 2 457 3 112 144 274 4 1453 422 9178 6767 7323 4 325 1 +1,74 205 1614 539 181 189 151 1085 5 1853 4446 5243 8020 2 0 174 1269 131 1876 747 89 0 1667 4 1244 5 0 3653 9 99 0 1862 1517 1 +3,2310 1617 408 18 8 70 19 29 3335 9794 3376 3604 5 1867 161 6464 2473 48 5476 4 84 64 3641 5 1039 1 +0,1949 2189 6 2169 1751 5 0 63 158 12 363 439 805 206 8 500 71 0 178 307 163 448 877 61 35 2420 4672 187 2 308 303 2910 58 1 +0,56 8032 32 10373 0 887 4 339 94 54 2436 2771 888 4 350 4 2196 2107 6 135 4665 3449 44 0 156 1583 537 149 2274 123 1 +0,17 830 58 1893 236 0 92 7 199 470 342 55 694 21 4836 2181 4 16 381 1096 518 5 0 119 678 528 3 725 240 2438 18 8 70 1 +3,7383 7684 0 194 199 56 10618 1689 18 8 70 19 1141 3 338 2 2185 7298 58 7249 98 1063 1938 840 8930 5 16 56 2664 2540 3 821 47 1520 12 6154 6156 408 1 +1,1184 11 411 1977 13 192 2 3714 3 38 5580 1087 2 167 243 0 9992 4 1621 3 791 10899 1423 27 218 5 0 6962 3238 8 70 18 10 0 388 84 25 +3,2373 1164 97 1247 2755 83 2394 4352 468 5 0 56 2886 1891 9 0 2886 4 835 1972 10 2394 9570 3452 10 29 200 19 49 3256 9 0 1076 2 425 5482 1 +0,11 1036 378 129 3919 3815 +1,80 1892 204 352 6848 25 1509 2 2089 141 3659 11254 2 2047 0 3596 626 4 0 77 952 54 64 1148 3382 5 100 1 +0,2875 29 34 1209 2 871 2058 8512 3126 6 372 9579 9941 446 2109 365 5499 87 2150 2 2795 87 399 15 566 15 854 710 440 519 8157 1 +1,80 93 1198 9005 21 11224 1792 83 1735 3711 70 5 3 9803 10 8657 12 7850 101 6277 1589 7 5445 2010 50 1735 1021 6 0 2646 279 0 622 29 452 14 119 65 7 420 1432 27 1787 181 51 5041 4 3213 1437 1664 2675 9685 10 860 9 3 4648 8066 8221 398 1529 2638 6 10022 894 10417 4 245 3647 9 1735 3188 3711 1 +0,941 13 5538 545 563 6 175 522 2 2041 49 5077 300 1 +0,11 2307 10660 1429 114 6 873 15 368 4 21 890 53 1111 2187 4 4665 2107 365 6 446 44 21 156 2123 2 2123 392 1583 537 149 2274 172 70 1 +3,7872 1042 539 111 1649 22 7 5878 465 1875 690 5761 7126 86 720 546 3257 578 207 449 8374 20 3 2212 5 3500 2774 6 18 19 2051 2 1771 143 8621 9 0 741 1728 47 383 1 +1,24 606 4258 2382 6661 4 2362 31 3510 70 2 781 0 1912 4054 1359 1214 3 3376 237 47 1701 44 230 2 1426 60 3 216 1490 4 0 390 7 1113 163 1 +3,27 696 5 2847 25 4720 56 647 10 19 9693 450 9 238 269 294 3027 2920 6724 5 3 679 18 19 25 10922 3343 587 8035 2706 2 0 615 83 1111 11151 1 +3,1398 1164 105 2 479 51 2 3770 2280 174 1303 5732 5690 2674 1160 50 289 1868 153 0 1076 18 70 1 +0,7523 4 910 525 560 289 289 113 9308 5 0 63 158 2 351 3775 153 15 984 9 4048 7737 3575 347 39 3 77 47 8921 143 308 303 2910 18 5 3 679 1 +3,353 3 162 174 1302 10 3579 2693 96 2 38 1109 0 439 4 3 1072 10764 9 0 384 106 2626 0 370 169 293 61 47 380 904 1 +2,24 2942 1408 29 453 14 2151 9 0 111 332 1907 40 65 1658 26 438 12 5306 2894 2359 9 0 3570 283 891 2496 1 +1,24 6880 3533 2289 7 3046 1891 8 70 2 11262 3 895 228 649 10927 3585 4003 3833 3009 4 3391 23 2688 595 0 238 4737 284 279 5032 9 421 785 1021 4403 1 +1,11 3556 2707 3680 10 0 152 581 84 25 3579 18 19 25 141 1840 2 0 7697 8300 5555 229 13 4785 2 396 0 660 291 19 1 +0,7095 44 10728 697 160 13 3 38 2724 9655 8 0 9439 4302 8414 22 7 7594 623 25 90 788 248 0 5652 22 7 42 0 2687 10 200 13 8166 436 200 19 658 2 235 12 1 +2,461 1067 331 1785 4071 7435 554 3 79 4 9963 23 2961 467 2843 5 3 77 784 1276 70 12 0 1271 4 0 1405 2843 1954 3834 1 +2,17 944 1620 5481 48 2596 6 989 5 133 675 2 616 0 828 471 331 2 21 351 139 108 44 0 849 827 1049 5 0 126 467 70 1 +2,2409 17 944 1620 5481 48 2596 6 989 5 133 675 2 616 0 828 471 331 2 21 351 139 108 44 0 849 827 1049 5 0 126 467 70 1 +1,125 171 25 680 1398 134 83 3727 1401 333 39 3 798 6 11240 2776 20 0 179 150 7 38 294 118 528 132 52 209 489 10909 1840 12 1355 1 +1,744 17 100 7 176 1200 1268 480 1179 3836 1579 334 4306 1030 26 2756 8666 8 253 8 86 76 2 1242 0 8232 484 179 631 52 970 3 677 3106 18 1 +1,125 7224 64 215 1984 8 0 1898 1859 2 3649 136 7 131 4 0 11171 4689 630 39 3243 83 8058 0 9190 2176 5 3 645 2 355 0 5249 10 25 5082 40 11334 51 653 9 119 162 7 6688 1885 7792 5 536 1 +1,125 1061 1702 8123 726 605 170 226 292 2 2047 46 2200 335 0 176 401 5 0 59 146 7 482 3379 438 1 +3,1398 1164 690 496 22 7 182 5220 1076 13 3147 38 2674 29 154 19 3439 5166 23 2895 6 6090 1193 1165 690 1 +0,11 610 1115 3 218 3398 10 3293 4 4565 4740 6 135 1257 5506 2574 64 0 241 362 3311 9 483 1559 1 +1,24 11 3560 4 1469 817 5 111 2361 32 2582 20 217 323 161 5 0 75 169 389 3 5211 3549 101 152 6 524 149 329 2 0 150 333 6 333 1 +1,6947 1366 27 56 388 10221 543 5 0 1871 2316 1504 1968 1522 89 0 647 83 189 2156 109 15 3 192 4 5207 2590 5606 51 14 21 126 1419 5 1366 1 +3,7619 25 215 0 974 3076 965 4148 58 0 786 239 10 4809 6114 1879 7 2523 5 1069 13 337 2 4626 3 338 2 425 16 846 541 840 6 1920 1754 4460 2 2849 58 9 50 570 104 6387 3410 29 34 478 82 9 19 1 +3,6217 537 1924 97 25 5598 3 3914 1694 10 1315 3 738 1676 3277 11386 164 179 917 39 1521 8025 8579 0 62 18 109 1 +3,6404 2662 5 833 9 2015 9809 3363 2700 0 580 1733 5 133 389 111 168 191 9836 10756 187 2 3 2119 4 723 +0,2915 22 7 6815 2375 25 866 0 4835 4 3 2933 2734 899 10029 3 8889 285 0 43 57 1822 20 3 392 4 2444 405 5468 141 9688 61 0 2658 121 68 479 5 1323 1 +0,1384 61 460 1539 14 0 945 4 7924 6 7296 32 90 8866 9 4779 10235 14 235 1 +0,3904 1948 466 1096 239 3887 746 29 516 0 92 22 7 10768 481 1680 12 3 11446 3424 3887 22 7 10101 2734 3969 1680 13 281 2194 61 716 15 9 0 43 72 19 1337 3 4579 3424 1 +1,836 100 17 27 5109 475 8 3 2666 3468 5 0 1029 4 6846 8 86 709 14 214 352 94 15 100 7 182 9544 1200 1268 480 1108 2 0 5124 484 179 4 253 2 495 2 157 3 4515 77 65 2238 1 +1,74 205 429 302 0 41 45 146 7 316 79 89 16 1742 585 5 3 10360 137 83 1952 8 86 1 +0,3964 1525 293 142 9 35 448 393 4 344 1090 140 34 5017 5 38 2045 193 10 4186 97 13 8810 5 16 3638 190 395 1 +3,80 93 17 2849 58 37 27 376 305 373 341 397 91 410 415 402 2840 98 286 223 423 418 36 2840 98 37 27 36 57 4 0 199 41 45 2566 1468 1767 8 86 18 19 29 479 16 657 2194 8576 846 541 840 1920 408 3446 0 580 2765 5 0 3120 663 264 40 47 1 +2,11 1343 47 266 238 536 613 31 1847 14 3 490 508 1994 2 21 157 7917 22 162 174 208 9 3 5436 2 6240 539 1 +0,130 97 13 916 2 10378 51 1237 4 16 791 142 527 9 0 178 609 307 163 42 967 148 46 184 1099 0 62 2 592 14 3 10473 2737 2117 2 1220 2245 4922 1 +2,407 7 1356 6306 6 4304 6658 108 1995 5 3 3690 131 5706 282 8 0 7541 4015 1 +0,4366 1396 1901 7072 1640 1156 208 2046 6 208 705 1768 57 793 43 1156 0 208 705 1280 639 30 48 9261 1439 5519 4 208 705 122 9006 729 8857 6 10829 208 2046 3035 8858 8752 30 4555 20 3 1493 5078 9559 301 50 11359 2365 1 +0,2893 4073 156 5874 7489 462 961 2332 0 2893 4073 475 9370 195 71 13 19 118 10901 51 5314 7946 4085 25 1018 1697 4 3 216 475 8 0 2609 195 4085 25 90 3740 2696 15 595 10 160 85 34 3 216 367 475 83 411 1 +3,80 93 17 6478 2358 37 27 376 305 373 341 397 91 410 415 402 3974 98 286 223 423 418 36 3974 98 37 27 36 18 8 86 16 5111 3409 71 10535 5193 1106 14 21 8087 904 4 323 268 113 5 833 3206 12 3 820 186 113 708 5 688 1 +0,17 936 2558 4781 667 4 10340 10018 11368 5 21 417 2505 208 9 599 30 1838 2 10952 0 3214 7 3710 10511 3279 3 727 712 680 8 70 1 +0,953 22 7 911 4 0 4527 9195 143 1756 531 268 113 5 0 63 158 187 2 143 308 303 4972 97 1 +2,2364 22 7 2918 1900 2914 124 5 151 81 21 59 403 5 0 5639 282 39 48 656 8160 5 1400 6 826 1 +2,2973 2462 1201 7019 1987 957 2422 6 4075 3990 4033 55 9229 57 4 0 182 3239 454 10117 5 0 3851 4228 1 +1,17 269 5035 4 321 1717 4 3 4097 62 18 5 3 372 679 8 86 46 85 247 0 8411 1014 35 3294 4941 1287 5 100 1348 5851 921 147 1 +3,80 93 430 823 111 3016 2849 58 2840 7125 3 295 56 206 2566 1468 3120 663 62 25 2164 473 2 479 846 541 840 855 1920 941 3 927 4 4148 58 9 5698 104 5 3 437 6 202 +0,111 3969 3463 1467 0 5475 565 1032 2562 3 38 4579 3424 1 +0,24 577 5453 4 5068 1838 4691 5 3 393 4 633 3222 3 41 98 354 4452 9 21 3096 297 825 104 5 4472 86 2 2139 0 11270 23 1672 3 585 5321 5185 1 +3,1190 1555 2661 148 11142 8399 667 4 987 4 8314 416 2 0 906 3155 4 2936 1 +2,1921 88 772 53 0 1885 467 229 2124 12 3 3203 170 226 224 44 6280 6014 14 1191 3060 8 70 1 +0,17 953 97 6694 236 8 86 18 19 25 3717 0 567 1283 1229 4 16 6099 518 4 5138 220 697 2 1413 3162 392 854 12 2075 142 1 +1,1905 146 543 4 900 2 2618 942 7 3987 2861 32 90 5161 20 2379 7 267 1 +1,11 3046 1891 5 2289 25 1309 10 0 238 4737 537 3009 284 32 26 3391 23 2688 5275 27 2088 31 1678 20 3573 4 1657 1851 4 0 388 10457 7219 6170 1 +2,24 6559 2345 7893 1141 86 12 0 111 332 2387 54 1099 0 11247 513 3105 2 2487 9 0 262 73 891 12 1054 6314 1 +3,80 93 17 6553 4222 37 27 376 305 373 341 397 91 410 415 402 3999 2347 286 223 423 418 36 3999 2347 37 27 36 25 473 2 247 99 8511 2209 4 16 990 2 3618 3 2088 10 543 19 4 11403 5125 385 50 0 4448 7287 0 111 332 1583 537 7 489 18 8 86 1 +1,80 93 6005 4312 238 4488 8747 6 545 9158 2345 3980 68 1654 255 403 2 26 5292 1693 285 691 70 3 6786 7422 10335 866 3980 13 2561 5 4312 2783 4161 7354 372 192 2 1085 5 2642 1948 1 +3,571 1880 2956 2885 523 6295 537 147 3 820 113 627 5 1728 63 158 383 1258 20 293 191 6 895 647 1 +1,431 946 244 1349 1897 123 3 56 890 25 1802 8050 10 431 1551 2215 944 6655 31 7975 310 5 56 3234 5 375 6 942 1 +1,125 7400 1374 480 1871 6616 334 7009 502 4730 5 1378 8 21 9108 2165 23 0 88 128 31 1978 243 2760 4 8564 71 2137 1836 8003 601 407 1 +0,17 4327 7 112 144 457 173 9637 7665 6668 10415 52 68 3421 278 293 42 242 148 52 6 135 1219 64 502 337 2 0 3429 4 120 46 68 7993 1 +1,17 313 7 5073 143 9 41 45 8240 10600 20 5075 4680 2037 458 13 362 2 1019 2007 9 0 1020 4 40 47 41 45 1479 240 134 18 8 86 1 +3,11 2400 67 62 25 90 2067 3 73 139 153 1988 9 8960 3207 5 0 7168 8796 20 0 107 4 4184 1 +0,17 429 368 4 3 988 2 4475 49 288 53 0 9792 4771 372 137 240 3 522 9 8145 137 1089 14 1399 7045 254 29 488 3 288 241 10636 3488 18 8 86 1 +0,830 25 3717 16 4226 518 12 0 4415 4 0 4226 5714 3 822 2679 3444 9302 9700 66 2764 1 +0,125 56 476 1978 14 214 5627 2217 6 1247 5634 3229 2489 248 688 73 5 3 4681 8 1850 9236 4 367 995 1583 537 149 2274 18 1 +0,1057 11 88 6835 7 1070 2244 229 0 5795 7654 1037 25 280 10 2489 9754 83 3 130 1055 1187 712 758 10 10884 10 500 31 49 4839 61 178 64 11285 1 +0,1057 574 1619 574 25 18 19 29 3550 7841 3 3536 304 303 10 10327 1232 5011 114 2 11251 301 1316 1 +2,1375 2860 4 1354 1101 384 5 0 1455 4 0 570 364 9458 195 1279 60 8 3 144 6429 7531 4 0 3945 1393 124 0 112 144 1 +3,11 439 4 3 1072 4 67 5 1378 25 2516 2454 531 15 704 96 32 867 2 10757 11 370 4 5999 509 5 1378 442 2 3 77 65 363 4 22 1 +0,607 1043 1880 2956 4347 18 16 63 158 386 3741 23 3 47 991 8 293 1234 2427 1433 1906 1 +2,74 6317 4218 4 0 88 128 2490 3 9378 11175 4 483 174 1269 2770 102 52 8724 0 482 12 26 714 3421 5 86 22 7 131 2 108 59 112 1 +2,6319 3902 17 6797 2181 1673 5 0 1050 937 2697 507 8 95 102 888 4 623 2617 9165 60 3 5241 2 154 1438 155 46 68 5366 5 9633 5 3 814 2082 282 1529 6 4577 1 +3,7039 855 408 1722 3 4783 1028 23 782 1266 6 2122 22 1761 39 3 56 596 3679 16 7859 8140 872 4568 3 4928 1306 61 524 9842 1 +0,17 6423 4 3 38 1900 4185 3 3507 10 4545 3317 1859 3502 30 11234 583 1333 1780 2224 84 1782 9401 0 2514 1859 4445 0 379 7043 2992 18 86 1 +1,6568 771 76 10510 245 7761 1852 5 2413 165 13 3 1852 49 23 6371 1884 5 7878 6286 379 1 +2,429 0 56 146 22 7 316 79 9736 53 0 59 144 346 0 878 25 90 8 0 79 22 7 9765 796 2190 1 +0,7423 8078 140 34 2167 9 3418 217 352 113 4 44 9184 5319 599 1537 3171 82 56 8530 3 596 296 8 86 3680 1 +1,3996 2858 11 411 1977 8798 739 692 3384 188 21 9523 5 0 1145 1599 2406 1029 4 7403 8 86 692 142 1316 6 2800 18 1 +3,6849 4184 22 7 1947 25 2121 3 2708 8143 2400 22 7 2986 927 2 556 73 139 153 5 3207 2 10014 4624 9 1500 3 1947 1820 18 1 +2,7448 6572 3 48 72 56 330 336 3365 0 43 346 231 5 0 2841 330 5 7176 6349 1366 12 3 115 243 1788 2261 310 2868 2975 2075 26 603 753 535 3179 20 3332 57 2752 122 8 86 1 +2,1597 4387 6 56 330 3743 2352 2323 2021 2 3 115 73 115 186 224 44 219 6922 8 86 2 3101 2 0 10362 4 0 2408 3075 535 1 +1,11 88 128 355 1171 66 73 5 876 72 2 108 0 288 7 59 880 630 1 +1,845 288 12 8337 2472 30 517 362 2 32 35 11194 3510 51 20 3599 148 511 1 +1,2908 2837 2979 2836 942 204 823 250 117 3 1443 815 10 5361 650 1761 3 4395 5190 543 4 8698 1837 10312 8127 8 86 2 10499 2069 132 3 56 +2,2883 7120 22 7 1201 6730 349 12 1404 961 1317 2009 6133 5998 50 0 258 306 5 1331 6 482 14 0 151 177 1 +0,11 56 107 1847 105 8 86 9 3 10548 220 206 522 405 1292 385 2 3388 1213 5166 54 140 5195 3 1028 2 474 2774 1 +1,24 2289 7 3046 1891 2206 4003 3833 3009 4 3391 23 2688 86 5 3 1807 10 10551 1746 4 26 4897 10 52 387 2200 814 8 647 4 785 1021 4403 188 26 561 1 +1,6272 32 5401 3 10423 4 0 131 1825 4 9944 409 2753 5829 6256 1 +1,80 93 101 152 6 1946 149 329 8325 2 0 11399 4 557 3450 149 2970 8 86 15 0 267 8989 0 606 5333 7 894 615 83 357 450 730 999 1107 4429 5125 1069 6 0 636 5133 10645 3 1694 10 2561 2970 1 +1,1636 4343 5317 209 3 1443 11209 75 110 102 19 2538 3 257 5600 5 0 369 890 25 3259 348 12 180 3 1001 4 11354 9531 54 10978 8215 21 1657 3223 857 5 67 2171 3965 4014 1 +3,1388 97 101 1886 4218 8 28 18 7297 58 300 32 477 49 3203 12 0 2689 4 3 9855 197 0 48 114 1250 278 15 0 2147 11150 8189 3 2017 1807 23 3 6257 228 1 +2,74 324 22 7 112 144 2738 797 651 22 69 118 148 9322 46 148 9398 87 11 923 78 3436 87 10538 1075 6794 6472 18 87 13 10 7729 6 7880 2720 1 +3,111 6258 430 823 11 1533 106 4 0 5514 454 8 86 1311 459 49 5514 256 1978 243 0 6377 1397 6971 1872 6325 5 0 6077 1 +3,6307 7507 0 5428 10 2016 0 87 7593 22 22 4875 18 109 10 6646 6606 85 1147 198 15 612 307 1781 1 +1,4004 1131 9 0 10289 12 0 6648 7788 730 306 5329 10301 99 0 512 150 6 1002 3167 5 3557 5 7798 237 1 +2,11 111 332 6780 6 2151 2285 7294 30 590 2 9173 3 768 3316 20 119 70 1 +2,17 3966 3949 7 77 145 997 5 0 63 340 1258 0 2374 2834 1019 176 4 0 126 467 1035 642 12 3 374 186 108 44 0 3568 1354 1934 86 1 +2,80 93 17 3966 3949 7 77 145 997 5 0 63 340 1258 0 2374 2834 1019 176 4 0 126 467 1035 642 12 3 374 186 108 44 0 3568 1354 1934 86 1 +2,1869 1054 6615 246 21 3013 1143 6 826 5424 16 231 5 0 1618 1899 20 457 16 384 5 3 2715 115 2 186 44 3903 1 +1,125 27 229 975 787 0 7564 1374 1169 4273 29 247 321 4968 19 25 90 1259 9 49 61 3 162 15 1144 15 35 4097 62 123 19 29 141 1003 3483 5 100 0 4273 172 1 +1,836 100 17 2388 269 480 1383 334 432 8 95 2115 26 146 1265 253 7 2330 1579 3468 2 9699 198 35 2797 6 1116 350 4 1200 1268 3513 796 0 628 1 +2,171 22 7 6600 6785 3282 124 0 288 22 7 170 364 10853 75 110 6 7931 7064 181 19 3 73 66 1248 9 0 92 22 7 4767 5442 348 0 1142 1 +1,4330 17 1401 908 529 1712 60 321 4519 23 9937 6 2173 5 3 2105 1852 10 31 246 20 3 2514 9684 5511 20 1962 5796 42 441 184 3575 3164 134 18 8 95 1 +2,7511 7874 2997 204 823 2268 3884 22 7 43 997 4 0 728 506 14 3 3504 72 9 2361 3884 246 3 77 145 997 5 0 1863 340 8 86 2 10313 6595 2361 53 +1,1184 411 444 4514 790 2172 5 1599 109 39 10571 64 1249 14 21 411 1029 6 196 5491 198 3384 5 3 5265 1681 8 0 6348 1223 9226 49 1846 39 538 22 7 172 1124 5236 119 47 +3,607 1043 1880 2956 5952 6633 2241 1078 1886 4159 6 26 2246 7133 4159 8 86 8909 3772 139 104 2 3040 254 6 16 893 676 1 +2,1636 92 10720 12 2160 102 4008 892 35 2144 2 1704 138 4 0 92 22 7 4880 1821 3722 5 72 9 0 151 177 1 +0,470 379 1177 2410 38 2683 174 3419 5001 6 10306 30 1547 14 1272 1806 6 489 1 +1,24 101 152 647 53 0 131 10599 2 0 606 212 1591 12 3 1743 581 2176 5 257 3657 52 1011 2 1426 5 1928 1 +2,6856 7145 1883 4304 550 19 674 3 1104 380 5769 7711 6047 2993 7712 1950 1158 69 10733 50 2484 880 42 60 292 5 0 9391 4 324 15 6683 7139 3530 9 3 38 283 0 3614 4 4447 13 3300 1 +2,1604 771 52 166 9750 5977 10889 8353 8202 9338 7155 5913 4367 10269 26 12 3 359 2347 6926 6 2722 203 9250 8 3 1327 228 3563 61 1759 60 8 3 1497 117 4367 7 2103 9776 3 11052 4753 9 0 1029 7 5390 1083 57 10 55 3597 0 339 47 1110 4 1327 9640 3 1 +0,11 4700 7856 7363 3 849 229 900 2 516 3 9427 1476 915 5 838 13 780 2232 776 16 10102 82 0 4933 327 1801 30 9708 4 8121 0 516 532 564 160 7 0 1769 4 1456 786 129 6232 5997 1 +3,7495 6219 3945 1393 435 7533 3852 10770 26 8210 2234 53 3 5508 5 1582 2626 180 12 48 9408 2726 9720 6 3 4550 4460 26 10044 10983 1025 26 2733 3624 1 +0,7304 220 239 949 958 408 13 10893 2505 61 417 53 0 381 1096 4458 12 16 1245 671 5060 249 651 69 34 5448 155 121 4951 50 463 1637 966 12 4020 102 3624 9 185 119 921 1 +0,2875 4 1632 97 6 4269 1888 58 29 34 1209 2 309 505 275 567 156 2012 12 517 9377 243 3 10412 338 172 95 1 +3,80 93 17 41 45 202 3351 64 217 5524 8 95 15 485 3128 257 301 8 0 221 10 55 1438 0 143 7 382 2518 1 +3,412 430 2253 111 3016 2848 8341 239 4056 1628 6702 3956 25 1518 0 4456 4 16 3621 9 16 2147 2427 4 0 2855 4542 3812 1 +3,4342 1165 25 473 2 479 401 2267 5749 1672 0 5637 1213 2 715 0 38 87 10973 87 0 603 1656 342 18 95 1 +2,6960 17 4327 7 6481 6762 181 26 645 9 3 75 9277 753 535 1538 12 3 2198 321 243 1788 1345 5 0 2841 465 330 63 346 8 95 1 +2,7397 67 239 7596 195 1802 245 10959 4 3 1430 4 999 3309 197 6121 6 6062 1616 54 30 416 2 1771 5 0 1885 467 1 +0,129 7497 6855 5902 4135 24 5870 2742 103 1842 132 46 68 5057 82 53 201 847 1117 2 3483 10716 10146 9095 5 11442 9332 6 2043 2470 155 46 793 1 +0,24 4254 58 920 0 4775 91 1231 6 21 761 23 130 97 837 19 7 734 2 10483 787 53 3 1299 4 1015 156 1232 1 +2,6491 20 9241 11204 6 3 9149 2114 0 88 128 8828 1475 9 154 2412 966 506 7589 7699 2 192 1329 674 1 +2,7244 7385 25 2029 912 4374 145 5 3695 22 7 169 5615 282 14 0 151 177 961 22 7 1443 649 698 118 276 39 407 22 7 285 174 2520 5315 31 215 11362 14 0 10567 39 3549 51 5 0 59 1477 1 +1,5844 56 652 449 442 2 66 268 5 0 63 158 4 250 3446 3 2193 23 0 170 3306 3 162 380 1 +1,469 4 48 314 4430 10 4684 217 3631 31 1678 198 20 3 1837 1411 134 18 95 39 1456 5498 4 3312 5 0 3519 7 2250 27 434 729 4642 2 1374 1006 1690 0 1653 31 4642 2 752 7 615 83 6118 5338 1 +1,125 11 1129 4 287 594 1998 149 329 31 3 8692 71 3 294 188 0 1963 1407 387 34 10372 5 0 88 128 42 8 0 917 4 4029 94 619 9 118 57 1134 23 0 126 237 0 9088 4 947 2424 152 1 +0,2978 1440 7643 1610 25 124 26 8740 507 83 3 1195 206 1288 54 9905 0 3266 668 2 10431 10981 2 3 10236 434 3035 8122 1309 95 1 +3,3946 69 34 597 9510 778 5296 651 69 1416 1478 281 1 +1,836 100 497 214 352 8456 6 8285 4519 64 985 5 0 8228 4 3 3574 228 192 51 20 906 480 1383 432 5 253 22 7 1191 635 369 18 1 +1,4174 501 244 25 1802 0 2419 488 4 9840 5 349 12 2963 907 211 7588 5910 6273 25 76 1309 60 21 4836 2174 9 605 2 10515 0 1430 5 0 4036 5036 1 +2,78 5607 5 2166 2 185 1763 4 430 823 250 84 121 760 0 88 128 59 1359 2 2570 2 59 112 3453 414 948 4 0 88 128 4 324 1 +1,24 3960 4225 6275 408 3 238 150 145 5544 18 95 19 13 900 21 586 183 394 8 0 1206 7672 2305 5 838 3 338 10 55 34 0 127 7 580 38 202 3432 5 401 103 1 +3,273 17 11 41 45 221 1534 49 1530 5 0 63 158 61 43 924 15 67 96 560 6 0 733 774 2763 0 107 18 8 95 5 3 218 10 866 2648 3320 5 0 2199 1 +3,11 56 221 1534 49 1530 5 0 63 158 61 43 924 15 67 96 560 6 0 733 774 2763 0 107 18 8 95 5 3 218 10 866 2648 3320 5 0 2199 1 +3,273 17 11 41 45 221 1534 49 1530 5 0 63 158 61 43 924 15 67 96 560 6 0 733 774 2763 0 107 18 8 95 5 3 218 10 866 2648 3320 5 0 2199 1 +0,577 959 60 0 4772 130 5516 10722 2 1613 84 124 69 711 2695 15 302 1 +0,24 27 38 596 1315 2105 9317 30 348 783 5 7945 212 1194 42 3495 134 1665 69 1829 230 2 4943 0 2138 4 0 9986 3111 1 +3,6328 1642 3906 2382 6978 6 26 56 3221 2391 7965 8039 9 3 2233 5 0 258 11152 2715 44 107 1212 9 4482 726 2280 6 2267 1 +3,11 11156 1979 0 4721 1541 62 1004 166 3 10195 5134 1542 1 +2,7408 13 1252 9 136 5 7637 1369 7 120 0 79 29 277 2 8676 1 +3,129 1040 6318 6480 6228 129 2391 7613 117 0 5647 4385 7361 3 10907 6 8401 342 6 1375 6520 3 10787 342 3371 2 9822 48 10735 5 2290 7213 6 6357 5842 7178 1 +1,2372 6747 22 7 10224 32 21 8096 3733 15 0 7449 687 7267 8769 287 2 9004 21 659 338 12 7605 6428 1 +0,87 7843 22 7 8651 30 8782 87 4077 2328 7015 2804 5 0 819 1786 649 2186 3119 0 1975 582 83 6687 1 +2,536 5425 8 26 234 4194 13 52 3078 19 34 1064 1375 22 1194 71 1191 3060 4194 29 52 1019 14 4007 1352 7891 7479 195 2067 5 3 5502 2165 6 192 5 2104 26 3609 2603 +2,80 7956 2720 21 1845 59 546 5 0 146 22 7 5509 109 102 6614 2860 141 8487 9 9346 26 10581 355 26 8572 5268 92 336 5958 6291 20 289 5738 909 1565 6302 6548 1 +0,270 18 86 19 89 4668 3336 10 1685 0 4728 4 0 201 1532 1590 5 6424 1161 6 10 3 9911 1532 85 34 1131 2 5292 1730 3645 119 7647 1 +1,24 428 2551 3591 3 369 974 5 0 10526 6223 233 8011 2 2288 8 95 6 586 723 2601 48 94 64 709 0 4057 306 354 18 1 +0,24 165 7 3 9254 4625 7 9046 4860 9747 5058 185 861 60 4 3 3193 9412 6 1535 164 0 2192 3418 118 5 72 2 9930 53 185 8932 1 +3,11 220 2586 239 356 788 9 395 322 15 2995 6 2683 8 95 1759 60 16 318 2 477 3 1424 668 5 381 1096 395 322 15 1251 1023 2410 365 797 6 0 1090 10 592 1232 197 203 1 +3,4342 1165 465 105 2 479 401 2267 5748 546 3244 1656 10 29 34 3250 5 3763 6 5666 11 1213 13 436 10031 48 3096 5747 1656 1 +3,3843 7496 7245 17 7583 775 35 8277 8 95 9 3856 7 4056 37 27 376 305 373 341 397 91 410 415 402 4043 3841 286 223 423 418 36 4043 3841 37 27 36 2 479 1171 7 3812 37 27 376 305 373 341 397 91 410 415 402 3790 1628 286 223 423 418 36 3790 1628 37 27 36 37 5755 98 36 5 3 374 289 153 338 10 29 1082 0 92 7 199 4542 1 +1,2273 1702 0 88 128 79 4 212 2844 1037 1321 2264 2818 292 95 5 0 59 2723 1455 8835 0 77 72 870 2476 1 +0,11 56 201 354 270 2496 235 8 3395 0 1521 4 0 201 1532 132 0 9198 4 10028 10530 16 5564 2 0 587 201 1540 119 47 1 +2,74 17 11 41 45 146 7 316 79 31 3142 20 2273 95 3251 19 21 59 112 144 9 0 43 72 248 2810 102 2370 797 1823 2488 1 +1,24 7149 1198 30 3718 101 152 2 3714 3 3590 63 1151 3104 14 26 1432 119 65 2 1139 817 878 23 0 11242 259 5 100 6 135 1267 10 30 3 4760 2 26 491 237 988 845 8648 0 622 284 4763 0 3998 2572 2497 44 524 149 329 7 8552 159 5 1963 1 +3,27 547 528 380 5 3 1542 8 2988 1619 7121 78 760 94 2 2210 3 327 9628 2 792 542 13 15 447 3 422 15 245 2 2710 0 3743 1 +2,126 336 1958 6964 124 0 59 10219 11293 403 8 95 12 3 252 159 139 3787 666 39 21 9011 8941 12 2221 7768 7671 1 +2,260 2464 3613 3814 4091 13 256 1030 2 10713 3 357 450 592 2 0 2143 3560 287 52 5596 71 3435 26 492 14 59 112 8 33 1 +1,273 17 11 2307 1987 160 13 21 411 5397 14 0 930 2593 661 4 0 2381 1880 1056 147 8 95 1 +0,574 29 396 3 8542 4 16 691 6261 2706 395 6 1834 2 40 922 119 65 14 0 41 45 330 1327 8447 4983 3 3367 206 1470 3168 4 320 1777 11412 360 48 76 2443 12 0 630 1 +1,5901 25 680 315 10 19 184 25 3 662 4 235 2 277 2 3597 0 587 2486 10 19 13 11028 120 0 88 749 25 2509 15 0 2801 1564 3385 869 1 +1,11 2744 13 5940 6 0 8001 30 4107 42 0 2446 2087 0 3271 10990 2181 4 0 8689 267 13 256 2142 5 6886 1295 9965 3048 1 +0,11 62 10837 3 38 668 8 0 5001 2 34 404 5 16 3509 2683 1 +2,4266 7958 747 2142 0 106 22 7 1755 356 2178 3 339 243 1788 1345 2 1116 2312 3995 14 0 176 4 0 5048 39 0 63 346 4 0 186 1 +3,407 22 7 221 7979 2 0 1246 578 2117 5 217 133 103 5 0 63 158 15 3445 2538 23 3 5375 6 981 10390 51 629 0 107 18 95 1 +0,1640 1771 16 11120 130 25 10630 122 16 11065 3108 9 0 671 544 1010 1613 1 +3,4301 0 92 22 7 384 199 342 4 344 1123 18 95 10 3 114 4885 10 68 1082 3 10174 1805 5 16 3473 190 3463 387 1749 383 5 16 4944 1441 1 +0,130 123 19 105 2 4549 247 0 174 3128 527 2 16 2059 178 307 163 8938 22 1613 22 5 1568 1 +1,24 5778 7522 334 5862 54 5340 15 1966 7 1974 2 0 88 749 9 217 742 103 770 5 111 332 8 86 39 3 174 3390 1966 7 946 1923 6 16 41 98 4151 18 95 573 31 2261 1 +2,2357 1944 1092 22 69 794 2 108 0 2848 1179 1624 8 33 2 9948 26 1845 1813 2906 469 2529 403 1 +2,435 0 4047 146 22 7 316 79 2106 2 262 73 5 11 1036 378 6 6326 1404 961 2416 352 2131 8 28 1211 19 31 3 730 3464 9 0 522 6 0 797 1 +2,149 3925 3547 3 1486 2759 9 1002 3362 1100 109 102 52 8563 2 521 5 119 65 22 7 6274 683 534 14 7717 4 828 5 7183 1 +1,125 431 501 244 149 2328 31 443 2 3443 26 8705 39 317 11153 1418 51 2019 582 50 120 52 2620 4 3 1431 1567 1312 908 4 8301 1 +2,74 205 462 1614 539 1400 793 1811 657 49 61 779 3 92 503 3055 177 64 138 8928 225 912 1309 1331 6 482 12 3 4923 2229 6 3 2762 5376 457 339 665 +3,2319 2340 1042 539 951 956 22 7 3313 1719 1534 3 2229 5 833 15 302 42 184 867 14 546 3257 1130 2226 2 173 733 5566 12 9784 171 1 +2,325 22 7 4170 3846 31 44 0 1281 39 457 0 1142 144 5 0 59 9643 6798 1034 653 195 6301 92 336 3846 1249 23 0 453 6 209 21 382 231 42 9117 +1,2399 2276 348 44 15 1061 22 7 3768 3534 1120 8 136 13 3 238 798 8214 3227 12 9549 38 361 53 21 965 1985 221 1 +2,2416 1514 6 870 1693 420 336 3062 2660 16 283 3695 83 1405 2411 3051 22 7 1054 852 0 356 880 670 76 5 0 1189 210 1489 0 356 2484 880 670 +2,469 106 39 212 4037 467 875 2241 267 6 612 894 1781 1038 3925 543 0 7116 4221 1037 4 9010 87 5 3 8453 87 12 10456 2 9962 3 8544 8224 759 6 1987 0 453 4 0 250 5622 283 13 5 5028 213 0 2236 1340 2 553 5407 10370 6011 1785 2335 4066 18 160 7 1 +1,4080 315 2831 12 9661 6373 8812 9413 3 3519 10 215 6902 1683 50 3781 3326 6374 6 1457 19 2 1760 109 5 0 576 359 132 10988 2 142 444 134 18 1 +0,80 93 117 3 1827 1139 5 0 234 0 152 610 25 10239 0 727 4 1691 1079 3 38 218 2 1360 9213 8 512 308 3398 10 3293 4 4565 4740 6 135 1257 5506 2574 30 0 241 362 +2,74 205 6932 14 19 40 234 497 214 0 56 316 79 124 22 69 34 760 2 777 122 16 112 144 691 3 106 10 31 59 5 10640 505 9 16 3623 1849 6 16 9592 11365 0 +0,462 0 421 547 103 2242 32 1980 130 22 7 307 163 434 2467 71 440 519 1507 3609 8 3 5582 3136 1 +2,11 409 330 5315 51 54 89 10305 2 0 75 133 12 1715 31 8580 60 4 10803 15 1813 2721 2281 5606 51 224 5 241 5718 1008 1 +1,27 4395 228 5025 339 334 1626 2756 9 169 103 136 9 0 2459 4 0 409 10975 6909 6 5336 2 769 255 3458 54 10202 2 2618 0 56 1974 2 0 743 150 1 +1,5897 7260 6967 7351 3893 244 7819 5962 25 90 1457 60 4 489 39 133 276 4 718 3271 15 0 660 4 5458 3460 506 122 2 9381 0 5960 6768 1936 1 +2,74 205 1631 135 61 185 8074 1453 422 1248 5 0 174 1269 6 0 713 4495 1492 5 0 570 364 625 9 3 357 1727 87 2884 1058 6446 22 22 230 510 185 106 222 1614 539 1 +0,428 8152 0 493 4 3 710 2749 2188 506 601 186 311 1480 4 498 40 2199 1005 19 0 4613 391 1774 417 2700 56 2444 18 40 65 1 +2,1614 539 0 10364 4 1400 54 1101 426 3762 177 12 3 159 339 1331 6 482 665 1097 189 119 177 281 4739 95 60 4 665 6 5 5464 1 +1,27 228 5 1966 25 5336 57 343 2 769 6 740 716 2 1504 1550 9 3 728 4 644 6 1837 10201 5 2811 360 0 2459 4 3 409 67 11038 1 +1,4044 7158 8973 788 15 4877 11405 501 244 2399 2276 25 3606 456 4 766 1253 0 420 1666 1 +2,74 204 2253 325 124 0 59 146 22 7 3379 630 9 0 43 72 5 551 8 95 972 0 1927 66 73 12 3 4923 3360 1 +3,80 93 17 3977 185 5328 11 1198 30 1080 2 1029 464 1329 222 5377 14 0 606 212 1591 0 202 143 55 167 3 4543 858 119 65 511 148 1 +0,5930 3828 3650 3 142 2719 14 6929 1875 5 828 40 65 102 912 1843 2 1422 3 6074 1874 1729 12 3 10212 5 189 9364 11 6563 6550 285 210 2818 31 9192 20 3 4351 1199 1578 3105 54 985 0 9660 3 10921 141 141 879 374 351 1950 1823 5609 10 19 1158 69 9405 6 18 11 812 396 19 160 3 3326 3500 18 1950 892 5609 50 0 812 0 812 0 812 353 0 8272 31 8609 3828 209 3 9645 23 189 4491 6 813 0 3105 19 8244 2 0 812 132 3693 19 14 203 1557 10163 91 +1,24 27 2471 2234 6 11055 8546 5 3 9933 233 4 681 2364 136 515 822 94 6 3403 50 323 716 0 317 6948 306 354 147 1 +0,464 366 861 770 3694 78 3237 32 3 662 517 8079 10172 16 5436 61 78 85 155 366 1637 8617 60 37 572 279 929 748 841 843 856 886 493 66 648 824 36 37 326 36 3020 3005 37 326 36 37 572 36 1 +1,125 576 907 3735 503 23 633 1644 717 349 2 783 3 822 784 4533 5 1017 14 1657 107 644 8 3189 5 0 259 1841 681 1511 4 298 1 +2,74 17 11 41 45 288 7 316 79 1140 35 146 230 2 108 112 136 15 263 825 161 5387 9206 2 0 59 3653 9 3 9392 2445 522 8 0 10141 110 4 0 151 252 1 +0,3946 22 69 32 178 609 6916 51 8098 213 160 22 7 3 3425 2 1117 76 2 9852 10766 396 8918 121 68 309 2 8085 185 178 609 405 2062 249 46 22 1273 993 859 198 6 8017 +1,6410 6 4249 6 281 4 5836 4239 30 210 4659 20 3459 12 41 45 196 8607 2 796 2451 1 +3,11 204 821 1458 1786 971 8 0 1960 4231 3731 0 4038 6142 9504 10 0 790 1132 94 10266 0 4231 31 16 87 9279 8471 711 87 6 0 707 8384 1558 1 +1,56 444 6 1300 540 480 1385 334 432 22 7 1007 1670 136 5 1170 278 15 0 2233 10 1097 0 4515 443 197 56 269 196 6 0 1007 444 5 253 304 9 3 63 106 1 +2,24 7683 20 3 5373 9366 5 0 2102 4 0 282 0 88 128 555 2 2318 407 20 3 9455 4 3 63 136 110 5 0 570 364 625 427 3 282 0 126 146 2784 8905 1 +1,125 11 88 128 2218 1730 4 6043 5715 388 9397 5 313 8326 2 1510 44 3 2503 5 21 7211 11238 8395 1 +2,3961 2281 4 752 5154 4169 3932 4 684 115 66 66 115 289 139 6 124 0 4219 4210 1327 630 136 2281 3608 1813 124 189 194 3073 403 1 +2,6161 4168 693 468 3030 3608 2352 2323 1516 33 22 7 131 14 0 5700 161 2408 3075 535 3 131 56 330 11197 51 1 +1,6057 45 938 27 1464 2795 31 1115 9 0 227 939 3198 136 15 2567 5203 2417 3043 4002 85 200 9680 391 6113 8 33 110 1 +1,24 636 1946 149 329 18 136 52 7 5 443 9921 12 48 389 2 222 2 0 594 15 26 8055 3247 180 23 2694 50 26 11287 5 1963 1 +3,353 57 4 0 182 8986 528 5 260 1165 22 551 0 10428 504 3694 7467 6342 0 1213 22 7 9336 431 612 875 123 52 29 9932 3 585 890 +0,9627 1565 87 6980 855 6867 32 118 1000 87 6556 87 3 3708 8568 531 6498 8318 7815 658 988 1296 2632 12 6979 169 1 +3,27 38 872 10 9163 3 1253 4 1970 2706 9777 8790 1575 3 295 646 4 8280 5 0 4796 124 3115 155 76 4456 23 3 1787 4 8024 2 0 56 1904 6 2890 1578 1 +2,2352 2323 13 57 664 503 23 457 26 63 699 3795 403 12 0 431 2699 0 131 4 0 2408 3075 535 14 4116 4061 1 +1,6436 1417 146 5 1991 11236 4936 0 9861 10872 295 2 0 576 228 5830 0 94 9823 14 0 4529 241 426 54 711 317 6 10646 9764 +2,7580 3608 314 3961 2281 124 189 43 403 5 48 103 20 972 684 22 7 4169 3932 115 66 66 115 289 139 5 0 131 4 0 4219 4210 630 1 +1,327 378 1035 2900 315 24 1199 25 2075 1265 3165 5 315 7 598 1841 298 233 42 3265 5560 184 279 644 6 1968 102 2089 0 3165 3 88 749 79 18 136 11423 51 3 591 10 55 1438 287 315 13 246 12 587 1808 1 +0,101 152 5059 2 1128 0 11002 707 42 40 65 19 31 0 3342 44 14 0 2934 945 54 1732 0 10244 2 222 39 0 9067 0 2658 8 0 156 1 +0,10091 487 1056 6250 5 4301 1345 728 344 1123 55 646 8758 123 0 62 87 117 3317 1684 40 5566 55 231 2 885 1434 1 +1,2999 501 244 8972 2399 2276 136 3606 456 4 766 5 0 212 5864 7108 0 1295 895 1262 4 0 2120 3 10505 243 0 127 22 7 8635 1 +2,2318 407 22 7 3814 4091 54 1475 249 4987 5 457 0 5636 5200 2004 14 0 4078 465 2927 2854 6105 292 75 919 25 3 864 9 21 59 112 144 5 0 9733 1441 195 1 +1,17 6136 30 4494 23 9420 1484 1988 8299 6 10704 30 4425 2 986 5198 2562 288 5 0 659 1487 2999 179 4 7306 1 +3,117 3 592 965 5531 4 5 16 240 1387 3918 6911 25 8104 9 175 799 188 0 7357 4 5817 22 7 43 48 389 4 10608 263 2915 6 13 10449 3 5194 4 0 175 2005 2 1244 54 25 2021 8 +2,412 204 1162 2268 7618 2720 3 589 9031 9 1921 88 195 15 0 808 1839 73 73 14 5969 4305 2827 6433 808 1475 1108 9 35 63 2384 467 2506 4 0 +1,81 27 540 3407 1071 2 34 11350 15 269 444 2106 2 601 460 3751 4 0 2330 1579 4299 70 100 22 7 176 540 480 1305 168 12 3 717 3402 4716 21 157 2 0 443 5 253 1 +1,165 209 66 276 9 752 22 7 142 175 2 694 120 2788 1244 4798 3145 23 0 3464 48 2038 3500 4431 10207 2 2042 3631 +1,431 501 244 149 2328 8 33 172 10 0 119 512 237 29 34 304 8 838 374 573 813 3 490 508 292 10 817 29 1435 +2,74 11 252 4 0 7934 7214 0 778 1091 10 1158 22 69 979 2 21 4806 157 40 1211 6 722 0 92 10086 151 21 8105 1 +2,117 3 659 139 161 364 282 2918 1900 2914 4 2364 54 124 112 14 73 1034 666 75 65 10054 6821 5941 4 6380 5 +2,6182 59 112 3453 414 948 13 122 5 0 88 128 6 1131 2 592 8 948 5 7922 9 0 7465 855 7473 +3,11 1213 18 19 29 504 2671 241 139 4 0 459 682 439 4 8313 3 2373 2227 164 3 483 1237 163 322 15 2394 71 6519 916 70 1 +2,74 6065 4279 701 69 711 597 3203 8 0 144 2200 75 110 429 0 420 8093 31 901 52 737 23 348 0 2247 11426 82 26 781 2 1796 19 122 8 2 348 19 82 333 6 1259 19 290 26 4590 1 +1,7957 752 17 6119 1157 33 9 3 38 267 5 3 3690 237 42 232 8915 0 1616 1418 369 1781 54 31 192 2 108 85 1766 2 10874 60 10402 5 0 11200 233 1 +2,6894 61 48 552 132 0 59 146 22 7 570 364 625 3612 8 95 0 88 128 3897 947 852 802 149 6075 23 0 282 39 256 813 20 +1,1 11 409 2120 2121 0 893 5 2360 2 1669 87 8633 11019 87 4 9123 23 16 150 676 163 4013 9 4454 0 893 9473 1925 4949 2336 10742 6 710 +1,24 7516 8278 51 3 3514 5 1145 100 8 33 5 0 258 475 2766 0 127 7 4693 67 240 3 677 67 317 18 1 +1,4245 754 1168 1176 15 754 1168 3669 9584 12 1031 4850 6 9107 12 16 707 15 0 127 10 2142 182 4 0 8158 4 2398 351 1567 0 4725 5036 7 10593 30 1485 8 1777 9251 2 9909 6 2646 35 390 1 +1,2994 17 684 7 107 6 1271 4 16 1925 2644 1030 269 1006 33 2 513 48 409 2615 46 64 1259 3382 5 3 645 2 584 3002 2 10552 16 1669 8 1925 4949 5 3601 1 +1,5892 100 17 750 6 883 10831 188 624 3595 644 8 100 7 1145 67 3515 9480 33 6 9180 1670 2 4777 0 4884 1 +1,412 27 3585 6173 5179 25 477 0 2657 1493 2 1832 0 2303 2286 947 6012 825 215 6303 536 136 1009 2587 9 0 409 1887 1 +2,24 219 1944 8508 21 1845 1813 2906 469 2529 403 14 0 2848 1179 1624 8 33 583 76 457 9 118 0 63 72 5 740 3557 40 283 1 +3,11 77 199 56 1002 3686 4667 181 3 10835 40 919 12 105 2 425 372 399 8 35 3728 6 301 1473 5 3 547 103 1 +3,353 75 65 22 7 1528 12 575 1044 1754 8023 6531 3067 7875 121 32 2 11408 230 1812 0 1945 6 2305 1174 13 50 5231 1282 2063 3621 1 +2,532 0 48 6 3 779 122 10801 12 57 6 3 779 11210 5 3 10175 1792 735 60 2 34 26 2227 2 3 1142 144 1 +1,6045 45 938 2417 3043 4002 3154 0 227 939 3198 12 5249 6 391 1464 3665 1562 382 33 4892 2172 6 5037 60 558 2 14 214 1573 161 887 1 +0,7709 612 994 1781 149 7656 25 4417 7743 22 7 9816 5 16 186 139 153 3 47 344 190 264 29 5352 40 47 5 0 279 4 1751 370 438 6 0 448 439 4 4409 38 300 1 +2,7557 2476 6097 3606 3 159 1813 3676 108 44 4006 726 2387 8 33 12 3 73 226 224 8691 4 9876 2268 4345 22 7 11298 589 454 1 +1,27 2999 946 1931 1820 33 18 4060 771 76 4864 21 520 1097 8132 282 5 227 496 187 2 0 317 1036 378 4 1061 5771 1 +2,603 753 535 1075 5954 6874 1010 6007 2868 2975 6 6942 2296 15 26 5593 2125 8 33 9 119 162 22 7 664 83 0 88 128 1 +2,4109 7186 2311 2096 3869 6151 18 75 65 10 1274 2311 22 7 2257 137 5522 159 2 2832 3671 5 0 8703 87 213 5132 5059 203 87 42 5447 10 13 76 2777 1 +1,80 93 7745 4 350 4 2034 9814 421 0 2959 3039 6529 729 4 0 606 212 1591 8 33 4586 4517 11375 6 1683 579 259 8220 15 1437 1734 2 9982 101 152 9 3 63 1151 691 0 4827 4 0 1432 0 2034 2666 0 3664 23 5356 2 5356 9 323 1675 15 46 10761 1247 421 1 +0,464 121 1416 3345 2 5323 9 2242 527 931 2148 145 6285 6252 71 145 245 135 163 1330 711 2 0 4338 7547 9 154 1 +1,7288 349 197 298 907 6 0 576 1910 32 3584 39 3 822 784 4533 20 907 54 543 4092 4 11309 3 1687 20 515 1573 3189 5 401 11308 1 +1,1597 3838 612 2913 3950 25 3577 0 2715 44 1641 2850 22 7 649 2 222 2 259 12 100 3950 31 1457 2 3583 23 26 1294 966 12 238 3838 1078 6540 6241 75 6769 39 4117 +1,24 27 229 4 2646 1198 232 174 60 4 489 358 8 101 152 6 0 606 622 2 979 122 2 0 2633 8 0 4827 4 0 606 212 1591 1 +2,6673 179 151 645 3 131 9129 2 0 1219 6 4937 4 0 250 1635 252 12 3 2198 622 243 3 585 1281 1 +0,171 1000 21 2549 1022 53 1783 33 1979 3 4116 2360 5688 1076 1308 147 7936 171 22 7 107 145 306 354 1 +2,111 332 1648 674 4871 2314 4295 713 33 22 7 83 0 849 827 1049 12 3 5392 215 4442 4295 13 2630 15 106 2 106 1 +1,80 1892 5776 1570 501 244 4140 756 8 33 8616 0 242 6 2542 9 0 5435 516 4 0 3805 686 1278 1 +2,2333 7666 5917 25 124 0 146 22 7 1477 5 3 72 4 66 169 2816 7142 126 7028 6818 31 3 2759 10598 12 1171 22 7 7838 6908 3332 194 1 +2,2894 2359 2161 0 111 332 1907 2151 4 0 618 462 210 0 891 8245 2 2942 1408 1 +2,429 4008 167 3 858 19 2161 3709 155 1828 29 1478 293 10886 5 499 129 2382 2310 7648 5608 4 11 6132 2396 7078 1 +2,1952 22 7 7054 5838 6783 124 0 2841 330 26 384 403 8 0 603 1555 40 283 6 2868 2975 31 57 4 401 9321 2 1427 753 535 8250 33 1 +2,3911 2 557 4502 0 558 795 722 10783 122 14 7611 8 33 11 3428 506 8 39 21 784 2033 42 19 209 138 876 72 9 0 4496 2662 2 672 138 876 11346 1 +2,24 2352 2323 6 2948 2881 55 4787 51 2 297 1034 161 876 14 0 41 45 330 213 46 1101 1979 0 9514 56 330 7577 3654 1 +0,130 13 10681 51 16 105 9 0 119 565 4 178 2 167 0 114 82 0 8927 1422 6 53 2995 20 0 157 4 1568 1 +1,497 214 321 94 32 90 709 5 3 1423 2455 5 764 2341 0 63 2026 2551 5 375 44 0 736 1 +3,1039 6 0 88 128 32 656 2 673 21 759 8 10531 56 2599 4 327 2631 4572 1002 490 147 33 1 +2,24 4356 6552 31 4411 23 0 1344 106 4744 1001 33 20 0 2828 3817 6 31 122 5 0 5060 83 0 835 1403 1 +2,1384 10 77 103 248 52 1552 26 75 3516 9 0 1064 1379 1587 5841 775 51 57 11230 145 6 57 246 5 401 889 33 9 4355 27 7037 5 120 55 34 26 131 453 5 0 9894 1 +3,80 93 17 3977 185 5328 11 1198 30 5 1029 464 1329 222 5377 14 0 606 212 1591 0 202 143 55 167 3 4543 858 40 65 511 148 1 +3,638 17 466 223 64 1251 5 2642 1009 733 8 28 12 766 5 0 2038 652 1289 3319 2 2112 207 348 10 246 624 9273 322 15 1266 6 905 3305 223 1 +0,24 171 8 33 1000 3 1022 10 29 1426 60 1760 10992 6 135 1523 1508 9 678 276 6 626 2 498 107 2100 147 1 +3,637 4155 97 0 1985 56 3298 62 140 425 16 850 206 4358 855 4179 4222 39 0 850 1441 22 7 1469 5172 11190 1802 3 2806 104 437 488 +1,11 126 388 1277 9 339 552 8 33 12 3580 4 0 3565 480 7076 334 432 5 0 5565 1170 540 5127 4 432 +1,100 7 1752 3534 1120 18 10 52 89 304 798 9843 12 3580 4 9575 1107 23 6411 4249 6 7528 2 10153 203 2 1651 3 107 3109 488 1 +2,407 22 7 4090 6669 6 2364 22 7 2918 1900 2914 1714 35 1293 335 59 8155 9712 292 8 136 15 46 124 35 63 9320 4 0 252 1 +2,1352 0 1355 177 13 184 133 103 503 0 634 359 13 502 4915 51 2 1261 0 653 11 179 4 44 459 104 13 10450 1660 9682 5 +2,11 43 1494 5 0 1189 2040 75 1582 29 34 0 43 7378 82 0 8248 9 0 1907 15 2894 2359 555 0 438 9 0 916 891 2 3723 2942 1408 1 +2,464 121 2154 0 624 9075 4 7131 5 693 6710 6 64 396 82 20 0 1661 878 8 0 9471 6008 2932 7 1292 361 34 8557 5 0 3416 10 957 6843 7 5703 1786 8260 1263 2129 4 880 597 11 1992 13 9085 10508 6 1263 3688 8073 23 5935 6409 2997 2 7801 3808 2 111 332 1 +2,6609 263 0 92 10877 2788 5 0 2102 4 0 1193 2376 0 9519 7765 6108 13 118 276 503 23 3693 26 43 1492 4 0 283 3994 366 11053 10794 78 29 34 1856 180 78 1558 121 2 2795 180 597 1 +2,3021 3979 123 52 22 7 1131 2 4821 0 707 15 256 597 3639 2 108 5 111 332 11 92 22 7 262 73 670 23 4328 25 901 77 56 4193 6 555 5 0 384 346 1094 72 1 +3,80 93 204 742 250 6092 2558 6 9380 993 590 9 3 3556 157 2 3 818 162 1669 8 2631 4572 655 2 0 56 30 60 4 9770 39 327 5803 244 1581 4152 +3,117 838 182 216 8434 1682 318 2 453 8578 3 5235 3088 3432 4 567 190 1121 1 +2,11 144 3176 89 1097 3067 6106 89 502 2188 3 547 5464 42 52 89 304 26 8994 925 164 99 0 9453 6 8748 278 164 0 224 +1,4060 27 38 3882 5 1061 13 362 2 34 11015 5 8 28 48 276 39 2903 244 2399 2276 31 181 0 127 22 7 3768 501 244 1 +0,542 971 3261 468 3797 4242 3912 5 178 1949 1161 84 1415 3098 2 5240 344 371 6 5552 35 142 5199 132 884 203 585 854 2 0 392 7276 66 4 66 1 +3,469 4 0 146 54 920 95 22 7 4863 10628 1231 13 5 3368 8598 14 1594 7420 6671 6 0 48 135 10995 64 296 8 33 3 2071 10843 18 1 +1,125 2991 2131 777 325 7 669 2348 1936 3 357 231 44 501 244 149 2328 7 3213 107 15 8394 1673 9 838 374 2535 42 967 148 0 905 282 13 184 597 337 2 1228 1 +3,7534 123 19 1971 2 1081 16 2765 4 850 5111 9721 3796 57 162 10802 61 5153 1124 1 +2,205 1843 2 1492 0 177 4495 82 2 1355 8 33 110 42 19 31 3 2230 891 11 634 30 234 274 4 0 8733 502 1 +2,435 19 698 2 884 51 174 8208 471 331 3517 1958 7876 25 3 807 2101 1606 77 528 39 52 5449 3 4615 159 401 168 +2,2415 166 455 200 2582 146 1326 2 3687 87 938 9917 1739 167 0 8751 60 87 3004 1615 10709 14 3 357 1023 5 0 471 331 8524 109 15 52 5576 0 827 1049 495 2 1248 82 0 1648 12 48 10063 6 0 623 457 145 14 0 1497 5 0 1013 340 5 849 1 +3,607 6951 745 11 2144 4 156 206 372 25 174 90 9363 20 3219 6 2673 458 2737 4735 51 2012 2222 3178 6 381 8872 9 1856 8289 3724 8 35 168 1429 1 +2,11 3613 4 0 59 2464 630 3422 109 10 160 22 7 141 5432 9 2052 497 214 76 5 0 1805 1 +3,11 329 7265 1418 6104 1364 1397 832 25 147 16 43 487 386 248 9521 9495 20 3 791 11431 4 3364 1 +3,2883 27 4895 4 2014 8216 5 0 421 547 103 2625 3 183 354 10914 9 437 0 7295 5947 6596 3913 1 +2,3030 3134 957 5944 5406 306 1115 0 1692 679 5 0 471 331 5406 2176 22 133 137 1831 4 0 1594 3056 109 14 3983 1194 1 +3,953 4685 3 49 1295 2101 765 568 1264 16 493 8612 0 303 7 2019 1 +1,80 1892 6720 1797 2 1707 3 5379 1278 3246 209 3 1147 2570 195 102 19 3675 922 1249 0 1830 2 1830 3805 686 1278 84 68 2501 3684 5 0 3762 5682 9659 1303 23 0 6733 3053 7413 6703 14 +1,125 27 5641 347 62 4 2986 9536 3337 60 4 2825 2587 9 0 259 1841 681 576 233 4 298 2 1116 21 633 1644 584 5231 1687 2649 1 +3,7250 1042 539 4309 4 4017 690 7506 5775 325 22 7 63 580 112 1506 25 4856 53 610 44 7968 5695 104 4955 1992 5053 1 +1,429 0 7185 6656 6086 4816 16 131 106 369 148 46 30 10196 12 230 19 25 2578 249 657 1870 5681 161 94 209 2 0 917 8 33 49 61 546 0 43 106 75 47 2 8433 531 103 4 0 5586 1378 653 1 +1,7350 1962 6102 25 10204 53 1145 313 2219 14 214 133 94 2 35 3241 6 3403 49 61 742 15 19 1758 60 558 2 350 1 +1,6602 17 1963 25 296 217 374 161 721 360 169 5002 2798 1684 19 123 89 3272 587 1667 15 368 4 2772 10108 1738 274 4 3397 3174 8 1948 66 1 +3,3026 4309 4 4017 0 92 22 7 295 10976 4 11040 4455 796 1767 8 28 39 3319 2 673 759 12 8707 1 +3,6265 501 244 6 2903 3957 244 1610 6679 9620 18 28 0 390 22 7 545 652 9724 13 416 2 11252 2779 22 22 50 0 618 84 5 815 11351 0 766 4 143 797 1 +2,6263 2984 2462 4305 1878 7464 25 10840 4 26 5266 14 76 256 1209 2 1081 26 591 39 256 10479 4 26 4784 195 1 +3,3047 3298 62 5873 6186 18 28 19 29 425 16 8974 1330 264 2 951 956 206 7738 6723 408 1 +1,27 176 3106 2 100 22 7 906 1200 22 1268 294 1385 334 432 28 358 8 0 7032 1169 1007 2 1686 616 290 100 6 18 432 31 2137 2 694 105 9 3 216 718 522 1 +0,7471 7319 1565 87 27 809 4280 6143 206 62 4196 4158 195 11257 3 38 8590 5 3209 22 2008 5604 1 +2,27 8786 6748 10287 54 1980 0 294 188 11438 59 1477 31 1105 3 57 47 2218 5335 5 151 195 1 +3,2319 2340 1042 539 171 7309 855 6122 97 7510 0 127 22 7 63 199 67 6 883 1506 28 147 3 2814 1269 5 43 779 383 6 18 19 105 2 858 16 10438 4563 20 50 57 1453 44 77 103 1 +3,56 381 629 5259 5 833 3 2191 0 221 140 34 1446 23 21 382 919 3245 3910 629 560 226 268 75 162 2460 20 861 6 725 191 1 +1,24 27 677 411 4742 5 433 25 1277 12 3 2381 2438 256 5022 20 0 2307 8 2760 52 2121 2481 385 2 538 411 134 866 28 1 +3,273 17 41 45 1748 240 2532 8 28 4574 10 1304 1262 370 2573 5 138 1217 4 0 127 140 76 34 5452 1 +0,10180 1565 87 953 29 694 10 19 25 8700 1034 104 11155 8 2 3 1143 2101 765 10710 203 5 493 20 742 1 +3,56 1165 22 7806 1055 306 308 400 1756 965 323 8 306 10 663 6 5180 64 122 14 0 5456 734 2 9359 60 21 759 8 235 8593 2 1809 0 62 1 +0,24 2370 285 1050 937 970 14 26 1313 761 814 28 15 8165 5 0 507 54 2743 0 736 10234 44 10366 3529 2 1129 623 2617 9530 1 +2,536 5425 219 7237 18 26 2622 4 2404 6 7478 22 7 2622 4 2303 510 76 4963 3174 4 0 2855 22 7 9829 9 1197 2960 5 33 22 7 73 226 108 14 6975 1 +3,80 93 17 41 45 67 96 442 49 61 73 8 28 8 867 207 348 15 1506 229 1929 4852 3396 5 0 1080 389 5 16 1553 3649 4563 8688 458 44 5429 269 67 655 1 +1,744 100 2388 540 480 1385 334 432 358 9 26 4898 290 100 2 157 443 83 41 45 6 269 444 6 13 900 2 1116 0 718 800 5 0 1080 276 21 334 432 3106 18 28 1 +3,273 17 41 45 1748 240 2532 8 28 4574 10 1304 1262 370 2573 5 138 1217 4 0 127 140 76 34 5452 1 +2,1921 536 693 468 1921 88 22 7 5427 867 8 28 102 46 656 2 2178 5 3 226 226 2769 12 3967 14 1191 3060 1 +1,80 93 24 1946 149 2970 18 28 19 31 9119 137 2 8715 2295 149 329 7 579 259 1510 77 2028 380 4882 21 714 10614 15 1198 14 35 420 1432 1819 2 10238 101 152 15 3 347 11338 294 1 +1,1377 7007 855 1056 5802 497 214 8980 94 360 48 56 2480 64 709 102 3 2234 1423 2053 5 8920 2341 5 0 63 2026 2455 2 454 375 44 0 736 1 +0,11 448 1028 4 1741 6 2242 25 2145 130 2 3592 60 3 153 702 1334 4 16 178 220 307 163 2 3666 142 1 +0,6796 4177 1063 2287 25 1000 3 38 3402 1087 2 3394 9585 4 557 194 622 3114 6 3334 3452 12 16 621 4289 7624 6881 2032 7860 4232 468 2032 8111 1 +3,24 428 11249 218 8 381 4992 192 82 3 10815 4 207 348 8 641 541 28 15 485 2802 10 3 11084 221 85 4822 275 194 158 383 3818 703 5 67 96 656 2 10679 0 9310 23 0 143 1 +3,571 17 41 45 3607 1801 30 2611 88 7440 58 37 27 376 305 373 341 397 91 410 415 402 4362 98 286 223 423 418 36 4362 98 37 27 36 6 32 10942 138 3090 2701 0 62 18 8 28 1526 16 400 198 1569 139 113 1 +1,6511 752 17 2288 7 38 294 3730 8 28 2 3566 0 2726 233 6 8723 4850 39 457 21 237 4633 20 1021 1107 15 3 2744 3444 452 6 20 433 15 5339 4886 1 +1,11 3117 4 4141 4343 7 2739 75 65 13 0 258 2547 4 3 4681 8 10083 1 +1,273 11 1871 2316 3535 1968 1522 55 3287 157 0 8416 4 133 1169 9282 54 30 1474 4995 2 0 9897 42 279 141 3229 647 11 133 30 5365 60 9 11292 8792 4 2018 3462 12 9567 4 3527 5 48 4630 9602 723 296 75 65 1 +0,6052 766 13 51 5 194 158 187 2 2907 2130 1 +0,6913 3878 1499 60 10 624 1637 1069 2185 15 3399 4 7980 5 2633 3523 1 +2,5765 7386 31 5 2071 109 9 3 5323 8 26 2604 2619 39 2128 164 0 5159 8226 5 33 22 7 1191 2904 3191 1 +1,7113 3238 644 8 3515 6 10342 2746 89 2693 198 100 22 7 67 655 2 35 3437 1125 5 217 3 47 407 22 7 1364 2415 1284 147 195 1 +3,3026 1042 539 431 921 8349 7579 468 690 7505 18 81 487 207 1756 5719 2 27 3786 170 104 9 0 1728 47 1097 688 823 2460 20 207 10294 23 0 425 198 4 16 1319 5 326 3942 1 +3,3082 14 0 2310 3520 5 6621 30 776 3 63 5529 106 82 188 0 2523 276 4 919 11 62 25 2748 1666 518 3537 14 0 3520 195 213 4 3 867 2669 5348 3 2310 317 18 1 +0,4196 4158 3 38 62 2571 20 238 7782 1063 2287 1098 8765 3 1724 4 5604 28 10 732 6 1411 166 3 2008 4 805 1 +0,3794 855 1204 13 4476 2 4373 44 1913 213 156 11074 13 4588 2 488 2 1227 6 981 6 3581 517 11261 1754 61 0 266 4664 11395 6 2772 5455 897 1 +2,353 255 1709 1307 2776 0 1067 331 64 170 186 8 3 3682 164 1594 6 1358 3 106 82 1829 85 711 4817 1 +3,6801 2858 4154 204 742 7802 342 6739 5916 97 8 28 3249 2564 16 578 218 9 0 63 72 3 592 10 8924 400 895 20 49 61 2257 113 8 3651 50 0 62 22 7 3481 11304 1 +1,11 1923 4 2882 866 109 10 171 22 7 388 89 5598 182 4 16 196 23 6299 4061 225 19 31 2 783 21 578 259 137 42 85 76 148 155 0 1653 2601 1355 31 975 82 0 9800 10 10730 +1,11 9466 5487 4 3926 7566 22 7 10192 2 0 119 56 610 2 1809 538 23 787 5341 141 1848 3551 10017 8962 204 823 1 +2,24 1176 12 3 357 231 5 0 1618 1899 0 826 1585 1665 69 348 4451 9 1738 1 +2,24 7366 2617 5 0 1050 937 2697 507 64 760 35 9147 8 10371 10271 9586 10471 9817 9540 6 5032 9 0 2171 6 1725 5 21 3782 9617 5241 296 28 1 +0,2411 275 3734 9 3 357 10532 5 629 8 220 2586 114 897 6 1539 478 318 2 3733 50 133 49 103 2907 840 5224 109 1 +1,11 466 385 399 240 8514 51 191 4 739 5728 374 153 2805 5 1728 1567 187 2 3 218 8 5332 175 2602 9 1567 296 20 0 1923 4 3957 1642 6 2925 6954 1 +2,2932 5980 11420 0 1083 12 0 5070 997 5 0 740 47 551 4 41 45 6096 1903 15 0 1067 331 1239 0 3008 374 268 1 +0,2962 2209 32 1474 0 4651 4 9984 10793 6 9253 9636 12 964 10957 2 3475 6 8163 2714 4 4734 1 +2,3077 85 32 924 10 0 2880 6196 22 3478 85 34 0 214 4 613 1038 7271 799 353 3235 35 916 2151 5 1842 1681 3630 3 1431 +0,17 431 369 1969 15 368 4 21 587 4697 8675 392 29 34 1209 2 5505 10135 54 309 0 156 2 9342 71 3439 978 9 1529 243 38 2624 2121 20 2120 8 81 1 +2,11 1382 22 10006 2312 7907 18 75 11392 6 53 0 2199 31 2 521 9835 446 589 53 0 283 11 1785 31 8606 26 5297 79 55 2487 9 43 422 +1,1597 4397 101 7614 7059 1286 26 174 3249 650 14 0 4397 259 3228 5510 81 4724 0 3140 4 26 4291 94 15 2182 650 83 9583 10403 6 4848 644 20 1374 11337 1 +2,4356 1879 701 69 521 245 650 83 939 5 136 110 7 2050 137 7755 13 52 701 69 521 281 3478 71 730 1149 3289 1 +3,2304 47 183 275 396 3 393 4 2694 132 35 10903 9 3 456 1373 11363 5 8 287 2 10434 62 3258 10401 8170 6 8120 71 2618 105 2 777 357 202 3485 10094 2 677 1098 1 +0,851 5391 94 6 395 10 10157 1336 6 0 9404 10624 1336 23 8086 1 +2,4163 6 16 1724 4 1997 897 4891 126 3383 12 217 9987 4677 4 0 151 177 6 0 2750 966 12 347 3505 20 0 56 1149 5 1544 6 1740 10576 76 241 3 5252 708 +3,27 176 2333 9667 294 123 26 2236 55 2493 891 1084 14 5811 2 2139 0 1213 22 7 1231 15 529 14 0 9191 1076 8493 9 2513 4 16 439 3235 908 318 1 +0,1643 91 11 512 107 13 4583 21 2440 228 1807 10 134 1451 85 10897 0 1719 4 1997 973 399 20 8376 0 2691 12 38 2159 1 +3,125 7698 1984 229 7809 18 10 19 89 1015 5683 104 987 5670 104 9055 2 479 7631 0 359 896 1441 4 367 3163 1886 4283 2 3666 16 1792 8 0 56 1055 143 1 +0,963 1089 30 9954 3232 44 5517 2 0 1613 1307 9812 232 604 3098 2449 494 9997 3963 604 300 5520 9674 14 214 +0,7189 13 10494 16 264 2 878 8 48 257 1217 500 6 3389 663 11 1283 114 303 22 7 7190 6 500 1287 29 34 9215 53 3 7329 6 5848 1397 229 6061 723 1 +1,11 260 107 25 172 105 2 804 3 176 946 1931 10500 2 413 689 5 1948 4078 244 9 1899 496 1038 7411 29 477 0 43 260 1120 2 816 +2,24 3936 3872 320 122 1054 3815 29 1774 0 3301 283 213 4 3 9341 1471 10997 75 736 5 21 2050 137 83 2327 1 +0,125 602 6167 1000 0 3473 565 4 16 3387 1280 84 14 48 4990 5473 13 0 92 7 5475 2510 220 0 62 18 1 +1,17 6169 9 73 66 104 576 3265 5 298 767 2 11416 1214 1031 644 5394 2037 6 1743 5251 84 11424 9383 12 1212 8670 88 749 3103 18 8 81 1 +1,327 378 6038 325 24 6281 5022 81 3 218 10 21 431 67 4813 89 90 7970 5 1966 20 1417 11174 42 3 8611 218 23 1966 18 160 31 141 3415 1 +3,11 603 1644 313 6 1171 124 379 1642 2992 3129 2 4985 11047 8 56 2599 39 1360 656 2 157 1111 2014 3674 1160 5737 104 248 1567 1 +3,80 93 1586 2974 11 6042 4 0 176 682 56 275 10 1025 175 588 3493 802 198 657 49 556 61 35 4672 14 135 710 275 75 47 3 596 18 81 1 +3,80 93 17 6625 1364 1397 832 58 37 27 376 305 373 341 397 91 410 415 402 4022 98 286 223 423 418 36 4022 98 37 27 36 8 81 1073 0 258 2605 2 660 3 207 1854 1839 2 299 328 0 10930 731 2 246 312 5 3 1093 103 1 +2,639 31 419 4576 102 4047 146 22 7 797 280 60 46 64 1514 262 73 5 0 390 109 1211 639 31 3 137 2 521 14 110 1 +1,2913 2958 5183 0 461 1175 53 0 231 5 0 1618 1561 862 282 6 775 6316 3848 3 108 2 2162 2958 1552 321 2728 889 9 26 5691 1425 108 3848 550 26 73 5616 224 15 3 2096 6 461 355 0 2976 2898 139 66 8 28 110 1 +0,2994 17 602 746 1847 39 3 48 162 2033 16 38 3387 2510 220 8 81 84 5010 3263 3276 6 2684 53 3 1251 986 517 61 48 4990 5473 1 +0,2994 602 746 3297 255 3253 3223 8 81 11256 3 38 3387 292 10 9520 99 4 0 1292 220 22 7 9557 53 3 1251 1787 1023 10 4493 8 21 8060 2200 1 +3,5808 58 5753 98 1063 1938 840 0 262 66 56 4932 8 81 147 3 10948 703 5 16 559 207 15 1743 5227 +0,6946 4168 4217 2302 6 2395 2302 32 4815 53 3 338 10 29 3295 2395 2 4722 2001 1090 405 4217 22 391 482 2011 765 6 193 1 +1,314 101 2423 2385 195 18 0 4847 10 1678 198 48 4430 5 752 3 65 380 64 0 235 4 812 1474 2 0 334 1626 1837 392 1 +1,24 299 6473 5422 15 19 8486 391 9613 4 0 2655 1882 12 9152 2799 302 2 9333 1392 1395 8 81 132 0 731 10205 8 926 0 5911 6 0 2741 88 128 1 +2,1 693 468 11 2342 635 7487 495 2 167 122 8 0 457 1331 40 1447 102 46 767 35 77 137 728 12 0 1594 3056 14 6814 1954 1 +2,1 693 468 11 2976 2898 64 2067 3 1138 5 28 22 7 3482 14 59 1954 2913 2958 1552 321 2728 889 6 737 66 9 170 12 21 3013 14 0 1497 2 231 0 1175 2 3 139 66 224 1 +0,6659 7775 6 7013 3960 32 1732 3 1755 2240 2 9808 710 9742 8726 4757 9 1251 1023 3687 9042 438 9 3 3512 4 0 481 1272 1806 1 +0,130 18 95 10 19 13 8793 0 247 4 3 38 301 2749 193 1010 4388 23 0 119 565 4 178 544 1010 1613 5 715 2 1704 0 307 163 20 1568 1 +1,907 5427 2 200 4950 5 349 8040 2 1715 0 1430 5 0 298 233 1808 8 315 20 595 1616 5147 1808 1 +0,11 2237 1475 3 419 49 4858 6 9247 8 81 11 3592 1228 4 1496 4508 0 914 163 2763 2730 12 0 2439 4 3 5512 4 1778 985 2801 281 +3,2293 2407 832 4328 22 7 63 199 696 18 81 19 29 8554 16 56 206 2293 2407 1177 828 1754 927 12 16 725 6 798 1984 264 601 48 103 1 +0,11 193 4948 69 90 3740 2431 42 2197 30 348 19 51 14 3 877 904 61 9718 440 9782 1 +0,7828 565 4 40 2045 8106 3097 2129 4 1554 9 5131 371 1 +2,24 4265 6475 735 198 3 1458 489 891 12 0 939 6682 6 13 184 3243 287 52 1340 2 767 26 2128 1425 1 +2,74 17 685 1318 1890 1608 6 1607 1639 32 90 3268 3691 20 2521 23 0 379 3820 3947 1347 21 317 18 81 1 +0,1951 9 178 1951 9 7333 470 6 1951 9 500 1951 9 2358 4188 853 13 513 1951 371 68 982 35 367 2138 6 +1,7368 5 2936 32 2552 8865 6 9255 39 5050 4 0 3241 4 459 4174 4968 5 100 1190 22 7 1974 2 7380 7628 7686 866 +1,17 6903 294 7099 6513 3283 26 127 7 234 122 53 0 587 9214 8 81 1073 0 43 743 294 2 2144 3207 9 6781 54 64 1457 23 35 887 416 2 3574 11079 1 +0,130 29 806 16 119 178 2482 544 1010 1613 5 1568 15 5153 1509 42 568 0 119 1104 992 163 788 15 4388 1 +0,129 4409 6808 84 2095 440 519 8126 114 19 1971 2 4822 3953 22 7 231 6 3566 485 22 766 1 +2,80 93 17 4074 6344 8247 48 5380 2596 2 231 0 1261 1064 1379 1587 2 21 1238 374 170 108 44 0 575 1896 2998 5 212 467 1653 14 3874 1954 81 1 +3,80 93 1606 3 47 380 40 65 111 332 1583 537 6355 2347 4313 5346 0 994 399 240 6 341 766 20 10541 10 133 357 668 1282 2063 275 89 265 3605 3240 2437 3 111 1605 4955 2063 2 207 23 807 1151 1332 14 0 2548 4 10032 485 1 +1,1616 369 30 4634 3 5162 9058 14 0 6847 5248 1540 5 764 1616 15 46 208 9 3312 39 3567 21 8089 190 1228 23 3 343 1838 +1,4016 1286 616 70 8 3 3218 1683 238 269 6575 2871 1772 5804 2862 5 21 1661 4469 857 10 1861 48 4 26 4520 2862 22 7 1820 18 1 +0,11 5975 2153 6284 1037 5900 25 5332 130 22 7 7835 374 372 8533 9 618 5895 7392 1232 0 10034 18 195 1 +2,6705 7695 5365 77 526 75 110 2 4826 60 3 1538 5 551 6 2 804 0 849 827 1049 3 419 2505 53 10007 1 +2,117 1253 2827 7898 181 21 4987 453 2 26 587 1425 40 1009 12 11379 5 26 43 48 10076 83 605 14 7786 6002 1 +2,129 0 72 26 664 12 1581 1941 31 44 4070 89 9151 0 585 9267 4 1941 22 7 9623 2455 1941 89 9949 3 3757 2108 2185 14 180 0 1246 2185 5 330 551 6 57 +0,1575 25 8800 0 62 22 7 43 4783 983 9872 6310 983 2684 488 2075 898 44 1143 983 697 9048 5 9943 969 1 +1,744 4016 8065 0 3218 4 238 269 9326 8686 267 3806 2862 8 70 3749 48 4 26 4520 1655 18 1 diff --git a/fluid/PaddleRec/tagspace/text2paddle.py b/fluid/PaddleRec/tagspace/text2paddle.py new file mode 100644 index 0000000000000000000000000000000000000000..6aa040c02aae715549593f41dc3bcf0509aa5c6f --- /dev/null +++ b/fluid/PaddleRec/tagspace/text2paddle.py @@ -0,0 +1,97 @@ +import sys +import six +import collections +import os +import csv +import re + +def word_count(column_num, input_file, word_freq=None): + """ + compute word count from corpus + """ + if word_freq is None: + word_freq = collections.defaultdict(int) + data_file = csv.reader(input_file) + for row in data_file: + for w in re.split(r'\W+',row[column_num].strip()): + word_freq[w]+= 1 + return word_freq + +def build_dict(column_num=2, min_word_freq=0, train_dir="", test_dir=""): + """ + Build a word dictionary from the corpus, Keys of the dictionary are words, + and values are zero-based IDs of these words. + """ + word_freq = collections.defaultdict(int) + files = os.listdir(train_dir) + for fi in files: + with open(train_dir + '/' + fi, "r") as f: + word_freq = word_count(column_num, f, word_freq) + files = os.listdir(test_dir) + for fi in files: + with open(test_dir + '/' + fi, "r") as f: + word_freq = word_count(column_num, f, word_freq) + + word_freq = [x for x in six.iteritems(word_freq) if x[1] > min_word_freq] + word_freq_sorted = sorted(word_freq, key=lambda x: (-x[1], x[0])) + words, _ = list(zip(*word_freq_sorted)) + word_idx = dict(list(zip(words, six.moves.range(len(words))))) + return word_idx + + +def write_paddle(text_idx, tag_idx, train_dir, test_dir, output_train_dir, output_test_dir): + files = os.listdir(train_dir) + if not os.path.exists(output_train_dir): + os.mkdir(output_train_dir) + for fi in files: + with open(train_dir + '/' + fi, "r") as f: + with open(output_train_dir + '/' + fi, "w") as wf: + data_file = csv.reader(f) + for row in data_file: + tag_raw = re.split(r'\W+', row[0].strip()) + pos_index = tag_idx.get(tag_raw[0]) + wf.write(str(pos_index) + ",") + text_raw = re.split(r'\W+', row[2].strip()) + l = [text_idx.get(w) for w in text_raw] + for w in l: + wf.write(str(w) + " ") + wf.write("\n") + + files = os.listdir(test_dir) + if not os.path.exists(output_test_dir): + os.mkdir(output_test_dir) + for fi in files: + with open(test_dir + '/' + fi, "r") as f: + with open(output_test_dir + '/' + fi, "w") as wf: + data_file = csv.reader(f) + for row in data_file: + tag_raw = re.split(r'\W+', row[0].strip()) + pos_index = tag_idx.get(tag_raw[0]) + wf.write(str(pos_index) + ",") + text_raw = re.split(r'\W+', row[2].strip()) + l = [text_idx.get(w) for w in text_raw] + for w in l: + wf.write(str(w) + " ") + wf.write("\n") + +def text2paddle(train_dir, test_dir, output_train_dir, output_test_dir, output_vocab_text, output_vocab_tag): + print("start constuct word dict") + vocab_text = build_dict(2, 0, train_dir, test_dir) + with open(output_vocab_text, "w") as wf: + wf.write(str(len(vocab_text)) + "\n") + + vocab_tag = build_dict(0, 0, train_dir, test_dir) + with open(output_vocab_tag, "w") as wf: + wf.write(str(len(vocab_tag)) + "\n") + + print("construct word dict done\n") + write_paddle(vocab_text, vocab_tag, train_dir, test_dir, output_train_dir, output_test_dir) + + +train_dir = sys.argv[1] +test_dir = sys.argv[2] +output_train_dir = sys.argv[3] +output_test_dir = sys.argv[4] +output_vocab_text = sys.argv[5] +output_vocab_tag = sys.argv[6] +text2paddle(train_dir, test_dir, output_train_dir, output_test_dir, output_vocab_text, output_vocab_tag) diff --git a/fluid/PaddleRec/tagspace/train.py b/fluid/PaddleRec/tagspace/train.py index a79990d99b0226dd9668af11207acc15a3891d9b..8b7bdf5d0b2e4346afffd6676936819048f5ebfd 100644 --- a/fluid/PaddleRec/tagspace/train.py +++ b/fluid/PaddleRec/tagspace/train.py @@ -7,90 +7,83 @@ import math import argparse import paddle import paddle.fluid as fluid -import paddle.fluid.layers.nn as nn -import paddle.fluid.layers.tensor as tensor -import paddle.fluid.layers.control_flow as cf -import paddle.fluid.layers.io as io import time import utils +import net SEED = 102 def parse_args(): parser = argparse.ArgumentParser("TagSpace benchmark.") - parser.add_argument('train_file') - parser.add_argument('test_file') - parser.add_argument('--use_cuda', help='whether use gpu') + parser.add_argument( + '--neg_size', type=int, default=3, help='neg/pos ratio') + parser.add_argument( + '--train_dir', type=str, default='train_data', help='train file address') + parser.add_argument( + '--vocab_text_path', type=str, default='vocab_text.txt', help='vocab_text file address') + parser.add_argument( + '--vocab_tag_path', type=str, default='vocab_tag.txt', help='vocab_text file address') + parser.add_argument( + '--model_dir', type=str, default='model_', help='model dir') + parser.add_argument( + '--batch_size', type=int, default=5, help='num of batch size') + parser.add_argument( + '--print_batch', type=int, default=10, help='num of print batch') + parser.add_argument( + '--pass_num', type=int, default=10, help='num of epoch') + parser.add_argument( + '--use_cuda', type=int, default=0, help='whether use gpu') + parser.add_argument( + '--parallel', type=int, default=0, help='whether parallel') + parser.add_argument( + '--base_lr', type=float, default=0.01, help='learning rate') + parser.add_argument( + '--num_devices', type=int, default=1, help='Number of GPU devices') args = parser.parse_args() return args -def network(vocab_text_size, vocab_tag_size, emb_dim=10, hid_dim=1000, win_size=5, margin=0.1, neg_size=5): - """ network definition """ - text = io.data(name="text", shape=[1], lod_level=1, dtype='int64') - pos_tag = io.data(name="pos_tag", shape=[1], lod_level=1, dtype='int64') - neg_tag = io.data(name="neg_tag", shape=[1], lod_level=1, dtype='int64') - - text_emb = nn.embedding( - input=text, size=[vocab_text_size, emb_dim], param_attr="text_emb") - pos_tag_emb = nn.embedding( - input=pos_tag, size=[vocab_tag_size, emb_dim], param_attr="tag_emb") - neg_tag_emb = nn.embedding( - input=neg_tag, size=[vocab_tag_size, emb_dim], param_attr="tag_emb") - - conv_1d = fluid.nets.sequence_conv_pool( - input=text_emb, - num_filters=hid_dim, - filter_size=win_size, - act="tanh", - pool_type="max", - param_attr="cnn") - text_hid = fluid.layers.fc(input=conv_1d, size=emb_dim, param_attr="text_hid") - cos_pos = nn.cos_sim(pos_tag_emb, text_hid) - mul_text_hid = fluid.layers.sequence_expand_as(x=text_hid, y=neg_tag_emb) - mul_cos_neg = nn.cos_sim(neg_tag_emb, mul_text_hid) - cos_neg_all = fluid.layers.sequence_reshape(input=mul_cos_neg, new_dim=neg_size) - #choose max negtive cosine - cos_neg = nn.reduce_max(cos_neg_all, dim=1, keep_dim=True) - #calculate hinge loss - loss_part1 = nn.elementwise_sub( - tensor.fill_constant_batch_size_like( - input=cos_pos, - shape=[-1, 1], - value=margin, - dtype='float32'), - cos_pos) - loss_part2 = nn.elementwise_add(loss_part1, cos_neg) - loss_part3 = nn.elementwise_max( - tensor.fill_constant_batch_size_like( - input=loss_part2, shape=[-1, 1], value=0.0, dtype='float32'), - loss_part2) - avg_cost = nn.mean(loss_part3) - less = tensor.cast(cf.less_than(cos_neg, cos_pos), dtype='float32') - correct = nn.reduce_sum(less) - return text, pos_tag, neg_tag, avg_cost, correct, cos_pos +def get_cards(args): + return args.num_devices -def train(train_reader, vocab_text, vocab_tag, base_lr, batch_size, neg_size, - pass_num, use_cuda, model_dir): - """ train network """ +def train(): + """ do training """ args = parse_args() - vocab_text_size = len(vocab_text) - vocab_tag_size = len(vocab_tag) - - place = fluid.CUDAPlace(0) if use_cuda else fluid.CPUPlace() + train_dir = args.train_dir + vocab_text_path = args.vocab_text_path + vocab_tag_path = args.vocab_tag_path + use_cuda = True if args.use_cuda else False + parallel = True if args.parallel else False + batch_size = args.batch_size + neg_size = args.neg_size + print("use_cuda: {}, parallel: {}, batch_size: {}, neg_size: {} " + .format(use_cuda, parallel, batch_size, neg_size)) + vocab_text_size, vocab_tag_size, train_reader = utils.prepare_data( + file_dir=train_dir, vocab_text_path=vocab_text_path, + vocab_tag_path=vocab_tag_path, neg_size=neg_size, + batch_size=batch_size * get_cards(args), + buffer_size=batch_size*100, is_train=True) + """ train network """ # Train program - text, pos_tag, neg_tag, avg_cost, correct, cos_pos = network(vocab_text_size, vocab_tag_size, neg_size=neg_size) + text, pos_tag, neg_tag, avg_cost, correct, cos_pos = net.network(vocab_text_size, vocab_tag_size, neg_size=neg_size) # Optimization to minimize lost - sgd_optimizer = fluid.optimizer.Adagrad(learning_rate=base_lr) + sgd_optimizer = fluid.optimizer.Adagrad(learning_rate=args.base_lr) sgd_optimizer.minimize(avg_cost) # Initialize executor - startup_program = fluid.default_startup_program() - loop_program = fluid.default_main_program() - + place = fluid.CUDAPlace(0) if use_cuda else fluid.CPUPlace() exe = fluid.Executor(place) - exe.run(startup_program) - + if parallel: + train_exe = fluid.ParallelExecutor( + use_cuda=use_cuda, + loss_name=avg_cost.name) + else: + train_exe = exe + + pass_num = args.pass_num + model_dir = args.model_dir + fetch_list = [avg_cost.name] + exe.run(fluid.default_startup_program()) total_time = 0.0 for pass_idx in range(pass_num): epoch_idx = pass_idx + 1 @@ -100,17 +93,16 @@ def train(train_reader, vocab_text, vocab_tag, base_lr, batch_size, neg_size, lod_text_seq = utils.to_lodtensor([dat[0] for dat in data], place) lod_pos_tag = utils.to_lodtensor([dat[1] for dat in data], place) lod_neg_tag = utils.to_lodtensor([dat[2] for dat in data], place) - loss_val, correct_val = exe.run( - loop_program, + loss_val, correct_val = train_exe.run( feed={ "text": lod_text_seq, "pos_tag": lod_pos_tag, "neg_tag": lod_neg_tag}, - fetch_list=[avg_cost, correct]) - if batch_id % 10 == 0: - print("TRAIN --> pass: {} batch_id: {} avg_cost: {}, acc: {}" - .format(pass_idx, batch_id, loss_val, - float(correct_val) / batch_size)) + fetch_list=[avg_cost.name, correct.name]) + if batch_id % args.print_batch == 0: + print("TRAIN --> pass: {} batch_num: {} avg_cost: {}, acc: {}" + .format(pass_idx, (batch_id+10) * batch_size, np.mean(loss_val), + float(np.sum(correct_val)) / batch_size)) t1 = time.time() total_time += t1 - t0 print("epoch:%d num_steps:%d time_cost(s):%f" % @@ -121,27 +113,5 @@ def train(train_reader, vocab_text, vocab_tag, base_lr, batch_size, neg_size, fluid.io.save_inference_model(save_dir, feed_var_names, fetch_vars, exe) print("finish training") -def train_net(): - """ do training """ - args = parse_args() - train_file = args.train_file - test_file = args.test_file - use_cuda = True if args.use_cuda else False - batch_size = 100 - neg_size = 3 - vocab_text, vocab_tag, train_reader, test_reader = utils.prepare_data( - train_file, test_file, neg_size=neg_size, batch_size=batch_size, buffer_size=batch_size*100, word_freq_threshold=0) - train( - train_reader=train_reader, - vocab_text=vocab_text, - vocab_tag=vocab_tag, - base_lr=0.01, - batch_size=batch_size, - neg_size=neg_size, - pass_num=10, - use_cuda=use_cuda, - model_dir="model") - - if __name__ == "__main__": - train_net() + train() diff --git a/fluid/PaddleRec/tagspace/train_data/small_train.csv b/fluid/PaddleRec/tagspace/train_data/small_train.csv new file mode 100644 index 0000000000000000000000000000000000000000..f35586b45141bfd3916ea401f390beb4cd2711f4 --- /dev/null +++ b/fluid/PaddleRec/tagspace/train_data/small_train.csv @@ -0,0 +1,1000 @@ +3,17 3034 3611 641 541 7 2531 1983 4 3708 4698 30 1524 2580 333 1 +3,17 4232 1754 303 6085 832 84 25 3 5280 9 1005 566 11118 6 10010 1431 5187 5 0 650 240 25 5243 2127 16 8252 8 255 368 4 0 143 1 +3,17 2402 509 96 1790 458 50 0 221 6 0 1289 9 383 30 302 2 2583 44 0 202 143 119 65 188 0 2035 4 0 919 2525 1 +3,17 1877 32 4941 67 3313 3338 23 0 790 3514 5 1145 100 39 1113 1140 3 906 1007 55 454 1470 21 67 317 18 8 136 1 +3,125 7734 92 67 96 11131 2701 6 10910 2793 3532 3 38 652 9848 2449 77 389 132 0 56 594 2535 1 +3,17 3041 1097 3637 293 8 95 42 2747 391 3438 9 0 47 15 67 96 2757 421 297 2812 3 1072 5143 3 5196 1289 23 220 342 830 58 1893 236 1 +3,24 5866 4 0 390 7 725 450 143 1282 1254 442 20 297 73 632 153 5 0 258 65 2 297 5735 3788 11178 0 6743 941 4051 18 86 1 +3,1643 91 7445 191 4530 122 3 1074 5 833 6 38 582 9 5029 1420 442 75 65 0 107 18 86 3398 0 221 13 3395 23 3 9879 5375 1 +3,6468 91 353 8955 3 7251 1361 5 7623 3927 5928 1940 1823 2 235 15 0 996 2096 14 3 1694 905 3305 303 14 21 578 1419 5318 4 297 825 161 7630 39 3 994 5186 2748 20 26 4726 2 703 82 8352 50 786 1420 762 164 26 3294 211 14 5694 1679 786 31 0 9266 923 23 366 2103 123 1940 1 +3,80 93 17 3034 3611 641 541 7 2531 1983 4 3708 4698 30 1524 2580 333 1 +3,80 93 17 2402 509 96 1790 458 50 0 221 6 0 1289 9 383 30 302 2 2583 44 0 202 143 119 65 188 0 2035 4 0 919 2525 1 +3,3050 17 1929 68 277 1285 2 4777 10641 67 96 102 896 30 502 10081 20 66 268 104 2450 1016 106 8330 4 509 1183 7 1929 1737 18 136 1854 10 96 55 1245 1530 1 +3,4064 17 7174 1929 67 2054 284 2493 1264 10061 2 4663 159 509 96 1929 101 7375 7954 18 8 33 1 +3,273 80 93 17 11 695 9 116 58 7 1461 1215 586 183 394 550 82 2 3 10573 453 8 95 39 0 434 208 62 10719 3 8371 23 41 45 3607 1801 1 +3,80 93 17 11 702 11192 4549 8 95 39 301 1314 3 159 41 45 733 2031 5 688 8424 617 2527 8 0 221 7 2702 6 16 1650 2 2041 881 359 2 2063 0 448 774 1 +3,464 121 732 121 140 794 2 154 185 4796 3573 12 35 4878 651 69 34 10717 50 780 0 450 1326 1144 1 +3,11 10346 558 4 2086 13 3 357 368 4 933 0 122 2 676 283 25 477 322 3 514 1768 3507 1 +3,639 13 419 646 9 2475 5 0 202 143 455 276 42 485 5 1849 3341 1282 1254 32 1132 2 3325 3 1074 10778 155 241 213 46 928 555 517 61 0 3342 54 3671 12 449 1 +3,11 56 733 2031 25 2053 820 2 3 159 3775 5739 15 67 1433 989 2599 293 187 2 3 258 2057 1 +3,750 239 2400 55 34 4534 787 9 3 2765 857 2135 23 409 524 7776 3 490 218 582 1 +3,11 1674 1736 2235 9 116 7 183 394 583 75 1482 458 44 21 620 12 16 4528 5 751 712 1 +3,7207 2057 452 0 459 390 9056 221 2496 2 4934 42 160 30 2794 19 140 2737 198 789 5 0 47 1 +3,6339 449 5 313 10762 198 15 0 127 4840 3 703 5 2038 6 2014 629 1 +3,6735 1130 30 11179 2 289 139 20 0 227 633 764 696 42 0 2622 4 1854 1462 0 10381 6 10986 896 1 +3,11 439 4 1679 505 38 6 63 1255 2473 442 1530 44 0 421 339 103 3 38 1026 25 280 1 +3,227 689 7 764 696 1084 999 1130 20 3 158 5173 1125 2 170 139 5 3 645 2 988 449 5 0 221 1 +3,428 695 4 400 5 116 0 932 208 705 84 55 34 9204 9 15 281 15 5697 1545 422 8 95 1 +3,949 958 400 1245 39 1709 194 158 2686 310 0 303 5573 0 131 158 29 436 1245 807 4 1449 1 +3,469 4 0 2657 11091 2661 8 0 1182 2376 2083 4 7016 75 65 3628 321 2557 6 265 3785 588 1 +3,2285 2441 0 6693 9 3 5064 2 556 9 590 39 49 61 311 161 2157 23 1430 1841 298 5 681 315 1 +3,11 62 320 0 466 1488 3520 246 20 3 4863 7983 13 2 337 16 10395 9 1521 3183 1 +3,3061 5927 0 3723 9600 1725 9 1233 0 6484 8515 1798 13 900 2 9203 26 62 8 0 202 143 1 +3,754 1168 123 19 13 1131 2 2150 21 876 73 170 104 2450 3 106 4 67 53 0 143 2 154 5299 2213 96 1 +3,27 229 554 20 0 7805 7 6381 105 2 2742 5662 5716 8 1719 39 457 48 344 190 9728 5 754 1168 1 +3,468 7407 4889 5 5386 1182 2542 2 235 8 0 642 1887 6970 213 4 3 850 2735 5348 1 +3,5896 842 14 7171 58 619 35 2549 990 29 8730 1256 2037 10799 211 9690 35 878 25 90 8 49 5115 5085 1 +3,78 928 10939 366 645 2 479 400 4 116 58 5 0 220 208 62 7 239 695 3672 586 183 394 757 55 815 60 2 34 0 447 306 71 0 1982 306 1 +3,2967 1986 4969 1140 51 5 8935 6 10705 658 8 109 7 191 2220 1745 1679 2546 23 11167 6 10786 8291 2 8402 6 8448 6 8706 0 139 113 2220 859 12 1994 203 53 0 1323 1 +3,1362 519 13 3 5557 4 16 621 1828 757 7 0 4632 4 574 97 724 5 2859 54 32 2743 217 3 2027 4634 482 1153 14 574 6 135 275 50 230 1717 235 6 309 2536 519 165 7 2006 2 203 10 440 519 25 477 0 156 7 9650 968 1 +3,1176 3 9288 68 5092 51 1038 6535 31 3 3161 11066 102 52 8535 130 42 15 52 4938 19 2 9334 5 505 493 6 4966 8623 52 8296 573 11087 11226 12 26 11077 6 10107 60 3527 166 7561 775 2 8455 4192 0 9689 5007 0 3472 8034 2 355 0 438 52 924 1 +3,7728 0 7976 4 894 2797 851 68 99 911 0 10062 2552 20 2009 1201 5915 1635 7609 87 204 351 14 0 9651 5 0 179 7 902 5128 211 160 7 141 794 2 911 26 4978 573 3116 9 10491 4 0 249 358 761 5580 1669 3190 10 10046 7818 6 5764 5704 55 333 34 4892 0 917 87 1602 1 +3,101 152 25 90 595 10 0 56 221 25 735 0 8679 87 636 594 1998 3031 149 2306 329 5 0 2791 4 40 162 7 902 588 218 10367 10 19 31 49 166 3 41 815 1 +3,27 6998 206 193 62 13 5438 339 238 1717 360 77 677 1767 9 2436 4647 83 35 3294 310 934 8 714 3 2488 264 1 +3,940 3039 5 2354 284 34 590 3 1074 4544 111 5357 4695 4869 3428 5039 6 1307 4989 30 1124 9 0 1178 2833 3862 3 257 643 4 0 5399 12 3784 161 5 150 3366 450 1105 2 2354 75 65 1 +3,940 3039 5 2354 284 34 590 3 1074 4544 111 5357 4695 4869 3428 5039 6 1307 4989 30 1124 9 0 1178 2833 3862 3 257 643 4 0 5399 12 3784 161 5 150 3366 450 1105 2 2354 75 65 1 +3,27 2088 83 2314 4389 0 238 612 4 2317 6202 10442 1667 8 120 2368 4389 2620 50 26 62 7 4878 15 19 9505 1 +3,752 13 333 1446 15 3 5442 42 0 1132 25 517 2 277 12 1488 2797 61 12 67 1 +3,2345 326 7475 0 38 612 875 4 830 349 50 830 7 11158 2736 5 1234 175 6 933 52 2722 3 3162 193 2702 348 422 1 +3,577 0 127 5 794 4 437 6 2171 94 3280 2 452 82 35 5579 2368 7667 5228 3 2781 5381 780 0 107 425 2770 4 9979 1 +3,7381 6288 13 9360 39 5277 3 710 386 9 0 63 158 1 +3,464 299 328 8293 185 1262 198 230 68 121 200 185 786 62 556 1 +3,11 62 7 345 452 10 19 7 76 2581 99 44 1150 92 1606 99 4 19 10 1114 69 830 1 +3,353 3 2230 47 1594 7 1556 8418 13 122 2226 2 3 3450 8822 6 3 861 10 13 4705 0 4965 9436 1083 +3,406 30 629 49 8 11176 60 0 1293 225 46 1832 1369 7 3 711 14 0 38 2796 4 7982 +3,117 5658 401 9280 89 3 481 9975 10 865 0 2504 165 7 50 2 167 657 8709 +3,6095 9132 13 4527 3054 11358 30 1994 19 2 790 3664 +3,262 135 5262 3118 68 4584 126 2102 1428 11051 2695 166 6128 1040 6 26 356 803 1983 +3,6574 3 2781 1298 1058 2 11414 121 68 548 3 994 5186 9 1448 10822 794 +3,961 7 300 30 2600 4716 5 496 15 4799 5 0 92 2917 5868 4723 0 1696 3564 1450 20 195 7 9820 84 1263 281 293 1449 61 600 32 90 404 2 961 7 300 1558 898 6 46 1558 19 210 1 +3,3076 19 7 237 72 5 0 1393 4 0 1195 6 10 2099 0 3465 30 10578 263 5 426 718 2450 780 15 281 4910 15 46 68 310 5043 35 2589 82 14 0 3662 9319 8 10 8451 3 4718 800 9761 206 8 0 126 1280 42 10 4706 9114 1004 49 166 3 6430 1484 3230 12 3 7770 6 4071 8421 3201 1263 3 1848 237 47 9312 1 +3,4383 537 1924 1444 0 7212 11 133 1424 10103 6503 89 2 279 0 668 0 671 707 491 10243 6 0 381 99 964 51 2 3 1424 10 89 419 619 4 10406 1 +3,1352 3 10771 4 634 6442 466 952 7752 6 716 140 8719 50 1524 35 1757 5367 5 5225 2134 5 4667 6 5152 5 0 1404 455 7985 477 5091 8728 173 9187 6 10564 4590 11110 9315 6 9501 10125 20 2633 5378 0 9882 6 9290 1151 9 0 1560 4771 3523 1 +3,11 2852 13 3107 6 566 5 0 1195 15 9064 20 40 8115 4 0 7318 2852 1983 6871 5813 10140 20 2009 6144 6647 15 3 4673 2 26 2239 8961 264 6 2504 4862 1 +3,6555 771 3662 1329 2 94 27 106 5 0 361 4 3 4139 1195 206 264 4650 5234 10 121 722 6036 1326 50 7100 7879 8294 6 235 99 8 0 398 1786 1 +3,11 38 3792 1026 4 0 356 936 5494 2512 25 118 3414 82 42 19 7 2020 14 0 176 12 6124 6969 5 1955 118 295 23 10144 4866 951 956 3849 6 7314 5 1955 6 5918 5 2924 5929 57 4 0 43 2 456 6 2090 1336 1270 185 1517 1 +3,469 4 593 38 4571 5 0 3792 7573 4 7326 1026 13 9 356 936 264 179 353 3 4676 4 276 1398 5049 0 5157 3343 20 3849 1955 6 951 956 6367 185 456 6 2010 6 200 185 5559 2500 1384 38 4571 1467 356 179 9 9748 6 356 5494 2512 1 +3,78 1106 51 5 111 332 225 239 4436 5382 49 10042 2509 15 8046 4436 64 10596 2 10568 0 8492 10677 525 1577 2 9711 5545 3510 51 0 1155 8717 5 312 1678 203 168 2 111 332 6 2049 9212 0 419 8367 102 46 1106 597 357 9 0 1002 8596 3413 1 +3,3943 182 604 1508 3318 845 1125 2 0 393 4 239 8638 322 15 574 2317 1397 6076 6 3028 54 3324 82 1982 4840 9000 20 9021 3028 13 3 62 2571 8 0 10398 10 604 1508 30 76 5435 123 3028 6063 2277 6539 1 +3,2838 1065 58 25 3377 0 746 5867 465 58 875 2167 9 3877 7 7822 518 4 1243 663 114 2 781 2838 7 671 700 229 1 +3,2835 40 65 11260 21 3715 565 4 16 9444 1128 8536 175 1547 14 0 2013 6 3445 2602 2835 6032 2627 1777 4756 1128 5163 360 974 10088 1089 8125 2013 1149 6 9113 1767 911 6 1766 301 11108 0 361 4 3 1128 187 2 2835 134 1 +3,412 11 41 2339 7 212 2916 755 7117 25 11044 604 3582 2910 58 2 672 143 1113 399 15 0 782 5151 9230 274 12 3 9797 139 153 374 66 153 1128 2 1334 16 385 193 1470 1 +3,1176 1027 116 7 48 882 775 21 620 2 751 712 5 0 3457 4 16 377 2564 0 3023 1414 0 62 7 394 2 222 274 11 2465 1247 0 620 12 0 3023 6 4668 1775 5 19 1 +3,428 620 12 116 7 1693 882 416 60 5 0 545 660 4 751 140 2033 0 62 7 377 1945 2159 10529 120 1098 68 148 310 2137 2 425 202 9 0 43 72 1 +3,27 365 523 23 0 1927 2452 602 20 9692 3 871 175 5 499 7 258 143 3139 1351 2978 240 11429 759 23 8788 62 130 3178 7313 2068 6 49 1 +3,949 958 29 556 5687 104 9 0 260 62 1351 4347 1460 99 60 2 4475 300 2068 1632 1122 175 9344 9 264 567 3673 2068 6 49 1 +3,4371 105 2 488 3 175 10 85 1411 15 3 1853 11014 1288 9725 300 2203 5 2229 14 99 526 11 522 85 804 190 860 11316 6 440 9783 11373 300 8820 129 6356 3852 1 +3,27 38 156 1070 1252 1315 3 2193 5 1015 208 5063 5 0 119 339 103 3078 0 3540 8027 116 7 5229 102 19 1460 183 1 +3,5973 30 0 9448 923 8 0 2371 42 30 46 9859 12 2772 3548 5210 469 4 0 182 557 6416 91 13 2436 803 5062 2332 19 0 2796 4 0 618 129 3926 7746 1 +0,17 4378 4402 3 419 173 8 81 335 0 1739 14 0 489 3951 693 85 166 2 732 19 31 213 4133 1189 741 506 60 10 106 6 138 1100 4 0 880 5364 30 5244 614 2 494 3 913 106 2 521 19 1 +0,17 27 229 4 193 275 360 960 2926 58 4335 98 4278 4277 2993 6 3871 97 3842 236 8 86 18 46 29 3543 3 38 567 1283 1320 51 2 169 526 0 1146 4 0 545 1104 1 +0,17 324 1059 8 86 18 19 105 2 425 3 363 2141 470 2766 363 1468 6 2644 3383 54 2434 2 2191 51 9 3 47 4 4736 156 175 1 +0,17 27 229 4 381 1096 1275 18 8 70 46 1664 0 4900 9 3 38 1104 4 3260 10 68 1541 339 526 0 301 4 2879 14 0 398 439 614 2 396 3 585 283 4 11 4311 8 57 4748 1 +0,17 11 5119 4 120 737 1862 9 0 114 240 5 589 688 102 191 5404 14 49 61 323 1424 668 275 13 76 278 337 2 256 3644 1658 0 194 158 13 217 4940 44 1 +0,24 11 1387 3370 3321 9 1236 943 2045 3225 114 25 1662 918 333 427 40 72 1224 0 5067 8 602 746 58 7 567 365 3663 193 1 +0,17 11 1650 2 871 1081 5499 4743 44 1077 190 897 2 344 1123 13 1672 3 3564 5 499 1 +0,4340 1056 430 739 250 +0,17 1388 97 191 2522 8831 1461 4635 385 322 15 84 275 5260 1710 8 1388 7 264 114 395 6 0 493 4 0 1710 30 362 2 34 181 183 3 512 2084 18 8 95 1 +0,470 379 3938 167 382 544 9 38 307 163 5368 184 256 3226 1 +0,2957 602 746 58 29 520 16 63 466 725 1541 789 40 162 5 0 681 466 179 4 7228 19 18 86 1 +0,24 299 328 7 1033 2108 584 209 2567 20 2759 6 1140 118 230 2725 3 727 19 184 13 2 3528 3 731 7 5016 427 278 12 99 0 258 1022 6 5245 193 1 +0,24 577 49 61 186 161 242 360 1571 2987 1625 2247 780 1141 3 679 5148 0 152 610 7 309 4 1523 2432 40 237 47 13 1524 3 38 700 5 0 5528 1520 197 727 6 2676 1 +0,24 27 238 4773 4660 2 4603 14 0 4212 4172 1874 1633 31 2030 95 2 48 1590 1218 54 64 335 0 321 54 770 5 0 1532 1091 3978 73 1161 1 +0,24 27 314 2000 806 4768 12 0 587 201 1540 136 1994 1102 599 1103 6 135 5024 2 0 48 343 314 126 4688 3 201 317 18 1 +0,24 3810 0 8218 4 0 8397 288 5 10589 9337 2565 6 425 617 8211 6413 2043 8 9205 10128 3591 9291 20 1858 23 5167 8302 1 +0,17 2418 7452 1106 9522 1726 188 3 11070 449 3652 10 1311 0 2515 3310 16 8370 20 401 526 42 0 9142 8237 3433 1726 6 770 738 724 18 8 70 1 +0,17 7360 3465 64 735 53 5603 405 3 3355 3702 2 2457 3 257 4535 2491 41 45 724 147 8 70 1 +0,17 845 94 30 2461 2 34 0 361 6 10804 4 0 622 6 249 19 3610 30 138 4770 1 +0,17 429 7582 18 3 560 20 245 135 668 85 10772 15 2762 3019 1 +0,17 260 242 18 8 70 46 89 1518 5175 2 4609 785 4804 9 1770 308 5 120 46 763 2 34 0 43 322 1764 2 34 1738 5 499 1 +0,472 91 428 4838 4 314 724 582 2 32 280 654 10 21 8049 10811 89 562 2 277 12 3 514 2551 44 7595 5 5649 2897 5 4473 6 2485 32 174 18 0 791 2455 31 1685 20 3 201 2173 1 +0,472 91 27 5124 285 924 2 4946 2485 6 4473 210 1663 2 34 168 2 1496 597 11 10280 2801 30 2194 61 2933 6 55 34 15 1155 15 7332 38 10008 3678 1 +0,472 91 27 3329 986 4 2190 1321 13 2235 6 10133 1491 70 53 382 86 1009 5871 1099 0 250 1390 1773 1815 2 34 57 4 0 356 11301 4 0 578 653 5 678 103 1 +0,472 91 963 0 4845 4 0 7084 6 135 1496 5 593 914 163 13 3471 9080 0 43 1833 9 1218 6 5305 4434 13 2 2429 3471 167 2 426 2512 1 +0,24 4251 68 477 872 4414 757 7 3393 2 1270 242 148 6 25 1148 3 174 72 2 2690 837 48 2209 20 409 6 260 724 452 0 3111 4833 0 398 8585 988 9 8531 15 94 277 1014 46 491 3707 9435 1 +0,472 91 2271 2779 44 0 2559 4 0 1181 608 1205 6 12 3 257 5008 76 934 270 3800 4287 236 4088 775 0 222 274 28 9 900 3 3589 10670 591 1 +0,472 91 5857 3804 4 7041 960 25 147 3 2503 75 736 4 35 10323 853 1625 1308 1 +0,24 11 1222 11031 10256 2523 25 90 1444 23 3 1001 4 3167 9 0 512 9003 1537 1001 213 242 32 3211 0 10575 30 141 1003 1154 1 +0,472 91 469 4 0 133 8153 2080 8 0 1181 608 1205 3628 198 991 40 65 6 2542 30 734 2 10177 198 0 1298 11 135 77 2080 767 2 3483 5136 1 +0,24 847 4558 19 9936 19 10851 19 6 4891 19 211 1285 709 0 10347 9762 11361 84 25 477 3 2704 5185 631 134 14 0 7273 4261 212 7906 7428 192 3 603 8241 9760 8 19 1 +0,472 91 270 724 32 5462 51 12 3 2119 4 4302 4368 1250 2 1226 3 10969 10 3560 8057 0 92 7 199 500 206 525 1 +0,24 7177 8495 6 8037 5856 4449 32 477 249 1759 122 248 8136 5 325 2028 380 10 46 141 1003 615 5129 5130 6 32 1732 3 10968 292 10 10813 1344 1480 242 148 1 +0,472 91 2304 430 102 232 94 30 11284 5 0 127 225 2192 30 4703 0 356 788 1773 1815 2095 16 4453 11 578 1390 1773 1815 15 19 13 358 1509 2 396 8 21 1210 1981 986 40 47 1 +0,24 7442 5434 5 3347 3 9892 11371 10 5575 51 8 3 1671 5 2741 1171 0 616 4721 18 86 1 +0,24 27 2155 9219 9124 1822 9 0 43 72 5 413 324 13 4817 8267 2 7001 7 7857 1 +0,472 91 6522 2153 8378 30 0 182 1295 2545 5 0 2237 3689 10064 678 4912 6 362 10723 0 8268 4 3 1222 3381 1 +0,24 11 2689 10 3 5513 731 6 3 1464 427 71 2135 48 3386 427 55 454 312 8 0 398 106 13 562 5094 148 46 32 795 1137 1 +0,24 270 7 2911 915 3675 8013 16 868 40 65 15 19 2589 122 926 498 12 3 2717 4 914 1562 3496 0 201 354 18 70 1 +0,472 91 6460 3 3199 6637 498 13 3 1695 3647 4 899 7724 6 10047 13 15 1333 15 3 3199 3418 8 1239 757 7 50 0 150 4 3416 9 242 54 10229 0 1129 4 593 899 7 3562 1 +0,24 1602 1255 8 3 5486 2764 6 26 2554 8 3 220 1023 1933 846 254 4925 2753 3819 4094 1337 21 4462 4 1523 2080 2 1297 0 5556 1857 4 0 1193 573 13 3603 9 0 4401 4 361 1 +0,472 91 2878 6056 3055 5518 5305 658 14 235 8 1381 32 11160 11063 5559 10 10461 0 2689 10 9870 361 140 4834 8 0 2155 899 1 +0,24 605 13 5293 16 318 2 804 3 343 2 0 1281 20 3766 15 0 591 85 439 3 662 4 450 6 5610 930 419 5 626 0 420 201 354 18 86 1 +0,472 91 435 3068 3230 0 1203 688 268 1314 51 15 3 2006 1222 4775 2 0 4712 4 667 4 10745 263 0 92 2444 9996 562 517 10009 11 3110 4 5440 2699 498 2516 20 226 73 113 9 3 547 552 1 +0,472 91 462 426 54 1558 2 4846 1381 42 8406 3733 9 3 915 2 494 203 160 270 242 32 10446 3 1341 10 2627 0 996 183 208 301 6 1466 23 1503 3461 1 +0,24 11 41 45 2311 755 8 70 1802 4819 1216 4 3 318 2 10217 3 10917 3648 4 2350 4336 2 1212 120 5594 134 1228 0 10389 11186 5 324 1 +0,472 91 469 4 0 10197 4 10880 13 9998 6 9014 0 1850 8551 10 1321 986 5 4703 2192 3054 9452 488 2517 2243 654 4 230 5411 2224 11291 1 +0,24 407 1738 16 43 1764 9 785 4610 70 2613 227 689 8 0 295 1239 4 1824 1077 308 84 13 5288 20 0 152 610 6 84 232 242 763 140 231 2 38 2775 9 3 1303 4 3262 1 +0,472 91 27 10176 1308 806 282 2 1427 3 297 169 104 2272 853 1625 10349 9 3536 9175 1729 2 0 1239 4 201 13 4952 51 1 +0,24 1369 7 3 2515 1456 10 1290 68 8114 11 11069 2418 2712 5520 737 164 21 9102 449 3652 3352 217 139 2681 3 106 1 +0,472 91 27 295 201 3602 25 358 2 1129 0 5546 4 785 5385 10958 10 1526 1218 10066 23 498 13 10051 597 2015 6 0 727 1305 13 11182 1 +0,24 634 1218 30 5 0 131 5402 4 2137 9 3 1476 201 591 10 29 1783 0 3359 740 526 132 2168 2 498 3 150 145 1284 147 86 1 +0,472 91 27 10966 229 2435 10861 14 498 25 2582 2 323 526 0 493 4 593 899 6 25 0 623 2 11239 3 216 914 731 1 +0,24 27 5074 5150 10 313 89 1124 2 516 40 47 55 279 1459 1703 2135 631 119 47 71 789 213 4 3 2064 5350 6 799 1236 0 1297 7 385 2575 1229 313 7 201 354 18 70 1 +0,24 842 590 53 474 10358 6 1691 1079 32 280 10226 23 15 657 15 496 44 111 536 6 0 3830 1 +0,24 2897 23 499 6 496 10991 73 570 47 266 10478 4 21 1660 8490 5 4029 81 6 18 46 64 3210 0 10284 8095 64 14 1306 23 9104 2 0 2537 1 +0,24 117 3 224 9 4819 3 512 2084 1309 81 10 0 152 610 8404 1079 0 2201 1694 9185 793 1771 132 0 11195 46 2474 68 1426 0 2526 3596 9665 1 +0,24 270 18 81 19 13 1485 274 12 105 2 804 3 3588 2 0 908 4 0 4428 1181 608 1205 1 +0,24 6094 2550 985 3 5182 1265 3 2105 1303 5 764 6200 3145 2 32 0 92 7 4709 10949 11302 703 14 217 73 2817 1452 3 1523 9569 147 28 1 +0,24 11 612 3602 14 0 212 5849 5 1354 25 1000 3 2170 4 0 2526 8340 522 39 0 769 4 3 186 162 266 2526 1 +0,24 7044 14 413 939 846 254 30 934 8 3 234 2 49 7988 3451 5250 5 809 1217 1 +0,24 27 79 348 3 363 1996 10865 14 0 297 169 104 2272 853 1625 9 798 1476 5385 2211 3 1138 33 102 35 1308 9793 6 2053 39 2190 517 61 73 161 1452 5 0 474 1 +0,24 7355 20 3 3559 5333 23 4178 6 0 6370 7367 1347 1909 6823 6598 123 52 387 10422 26 669 2 3 512 7691 8502 8771 9 3 514 7969 9889 4654 12 5496 3737 6 11273 1 +0,24 1877 1014 89 141 3186 42 2 703 2697 1684 155 46 11369 69 1209 2 2474 3 2215 132 0 10887 4 9735 9097 211 3546 290 0 127 2600 30 1679 1328 72 1472 2483 1684 3107 20 9529 5532 10387 405 35 2294 10300 1 +0,24 1870 779 0 2239 393 4 9755 11205 32 9967 197 413 939 6 312 40 283 6 242 32 141 3311 9 0 703 1 +0,24 27 62 10 1847 0 92 7 43 3194 3170 217 77 103 380 210 123 19 13 1131 2 453 9168 2662 9 3194 10159 3 1284 147 86 1 +0,24 27 38 1235 1312 308 5554 29 34 1209 2 1426 94 2 2265 113 4 0 1780 4893 4767 2505 61 0 3321 5826 10 5181 0 596 4 10648 11299 1497 11067 6 1235 1780 4687 44 0 421 531 103 1 +0,24 11 1399 8481 9249 25 90 280 5 2741 1405 657 796 16 2140 788 1303 11 4441 89 795 132 90 147 9989 4 5934 2292 98 938 50 1864 1480 2 0 3648 1 +0,24 842 29 309 1412 193 795 132 3252 3146 0 1312 15 46 495 2 8869 38 4687 4501 6 10162 5 3 169 106 4838 2 0 4015 4 2361 7 4709 10393 1 +0,24 11 2311 755 9070 0 3286 4 11385 8 829 1822 10087 5 9641 3 1124 708 5 5069 5 0 7598 4178 187 2 3 5071 354 4841 54 3746 8 0 318 1 +0,24 3047 9296 140 32 280 3 234 2 3528 4788 528 132 46 2584 20 1776 0 3110 4 9862 166 11443 6 4664 5 10945 599 391 8957 1817 242 18 70 1 +0,24 1387 242 54 9101 0 1235 1857 4 0 3830 2376 18 86 35 3328 427 360 120 1976 2 34 38 1537 4 2565 6 10862 427 55 34 404 2 801 2637 2533 3747 1 +0,24 11 393 4 276 10 8235 2007 71 720 2794 213 4 1500 560 1530 5 1161 416 2 49 5250 1751 1776 6 11139 2201 21 2543 229 18 8 86 1 +0,24 7886 599 2224 5 0 764 9032 1193 75 162 140 9525 0 453 4 3 38 1900 4185 1 +0,24 11 2283 915 7 591 2 1629 25 1804 3 38 5246 8246 263 0 5301 899 6 280 10 9732 5 16 3123 13 10012 5 1439 3502 61 19 510 102 270 7 7866 3337 20 5 0 382 2252 242 18 1 +0,24 6523 4 5189 5 3908 32 90 10751 0 92 7 9895 2133 4 1487 1560 10554 10432 0 2133 20 50 57 779 5 118 49 61 3 47 3 257 8624 5151 18 95 1 +0,24 1957 10684 644 82 0 960 3198 5 0 421 48 389 30 1333 42 651 69 1478 160 30 49 10685 61 5135 966 0 1671 71 10 46 30 776 8306 2637 8263 6 135 511 148 1 +0,24 165 7 3 3425 232 419 9454 55 1117 23 2448 3152 7629 256 1486 2 135 11440 10130 82 1879 1108 8694 166 678 135 8265 1537 2089 35 8968 5 0 5130 4 135 3152 54 564 3324 6 2152 0 8693 8472 1 +0,24 11 297 169 104 438 2 804 3 798 1476 1308 53 201 1823 590 49 166 3 282 86 102 3 327 79 172 105 2 516 16 1308 77 276 39 21 126 229 5014 2 504 903 9 0 2272 853 5211 1 +0,24 11 254 4 960 6 960 27 855 2355 254 30 900 2 8637 120 46 1228 0 92 7 199 1835 12 0 154 4 3 2327 8379 7 297 73 352 104 9299 1 +0,24 3017 4558 11124 6 5507 5 0 917 86 734 2 988 82 5453 4 5068 8818 8 0 233 5 120 3 41 98 354 358 0 1564 5431 7519 9598 5 49 61 3 2027 1 +0,27 142 2433 720 8 6023 8801 230 1741 68 4631 300 4 1204 344 567 6 4371 9681 3729 4532 11 2433 349 50 0 309 4 6067 2329 10845 0 300 393 2437 3 4561 4 0 4201 544 248 0 3729 11101 10 0 1234 13 975 2 2477 35 621 3729 1577 2 4289 2396 3913 160 25 90 141 2166 23 0 3721 6162 32 90 720 10 1204 2363 25 10026 4201 544 2148 82 20 4710 5957 815 19 8 1 +0,165 7 9611 10 130 55 154 1459 8435 16 8903 5 0 2467 143 20 2613 16 199 524 5 21 773 2 563 932 2201 3471 497 0 398 72 10 1411 85 222 3 174 234 5495 3395 0 932 5 996 9 1089 6 371 4434 1 +0,11 7431 1513 3 1542 8 430 5727 358 7312 1536 9899 9759 10885 165 3610 10 160 7 9715 9952 2235 5 433 6215 2 4824 9351 0 3309 5031 9141 893 6 10497 19 12 3 9819 7 11370 3273 1 +0,6900 8253 5553 674 1159 4646 13 3 11409 4760 639 13 654 614 8 505 1816 1604 68 10023 582 34 2777 6171 3 10170 12 654 5444 8656 9464 6 912 29 222 590 9 3 49 3135 646 4110 7 495 10 1 +0,27 162 380 78 31 2610 2 0 1860 4 7050 6566 117 807 78 31 8063 6 11039 20 26 807 4875 6 365 3724 1176 155 121 3373 69 3375 4 180 121 928 1505 1137 26 232 1860 5 6526 4622 1850 365 3724 6 0 624 1484 6379 7690 4 0 7646 7061 2962 4 26 1860 9099 12 2243 2537 10 102 1148 1973 30 2731 6 5115 4040 243 26 9826 9347 455 2537 979 925 2 1253 3 1461 9857 2243 2052 573 795 8432 2 2150 2243 1834 6 2003 593 4976 50 0 2243 2640 1 +0,11 431 3933 2905 793 8779 6 1128 290 21 474 1312 774 542 3581 174 1303 4480 454 11355 11 6788 7676 6439 771 76 3643 40 660 6 8837 1293 964 1126 8 325 7 1765 584 4 8026 5264 2442 11 92 7 3246 2098 30 76 1233 454 10190 10 3643 431 1011 462 40 1132 325 1011 2 711 2 135 5121 12 5362 3246 1011 117 40 507 313 227 689 6 1401 99 279 870 21 474 1312 774 325 284 1242 3 3499 12 455 5121 2 1082 3 454 9162 10 10622 0 2204 1011 4 870 21 474 1312 774 11 1420 4 322 3 3499 29 34 232 1 +0,11 111 1393 7 1341 13 3233 1683 21 2081 3512 84 3706 2 4842 0 4445 10 1658 0 56 221 13 448 3 662 4 16 2480 30 184 9146 2803 82 11 971 1720 0 345 4 3 531 47 1787 596 84 25 3626 10 1658 1478 4992 32 1751 1468 11289 25 1751 9825 4573 232 406 2 3325 517 566 82 583 0 448 221 1 +0,7382 10937 256 10632 78 3678 600 99 2210 9734 9 4644 7071 51 185 9139 78 486 141 5190 249 78 1273 2210 3 4865 4 366 4592 639 31 3 738 1563 1010 3870 3077 11164 281 877 61 1118 1950 192 60 57 106 117 3 10472 234 532 1305 8 0 1503 110 78 486 4425 78 651 69 2162 0 2447 1 +0,1 1048 1089 1782 3434 163 2687 2 8735 0 5316 4500 4 35 969 462 2547 3 8838 55 2032 3 5086 163 3542 2 2032 0 9833 393 4 7708 2012 10 35 968 910 68 563 963 1486 40 10281 99 135 969 23 405 40 5547 668 11 43 10394 2 40 85 34 2 9951 185 5547 2652 4050 4 405 5086 121 85 210 309 366 968 1949 4126 15 185 3542 668 542 1860 4 868 42 210 121 32 2 3434 40 3542 8 10882 183 2202 9576 4126 6732 10114 3049 9298 366 968 7562 1 +0,1 78 118 1339 2 148 2226 2 574 9 330 7632 6150 1068 1739 722 32 185 1411 925 4089 51 0 447 235 1 +0,1 961 2337 7085 6 78 1108 44 2 6914 39 9774 2 1024 120 1757 4 4663 2586 6 500 9355 46 89 8 0 9103 4893 4192 818 2 167 5 0 4772 249 78 9164 933 76 78 486 3 1074 4 3 10293 9242 435 121 491 1332 138 142 9 2629 160 30 3633 225 19 387 34 1160 19 117 3633 4 3317 598 780 0 369 20 185 808 387 34 3 447 2073 78 732 600 68 99 2434 10 1332 2629 9 1285 1114 69 1160 19 542 127 31 2571 8 2629 39 0 260 64 4404 35 4617 3526 2304 2777 126 284 8469 35 2629 6 732 174 6 658 50 118 2778 203 44 9 141 1132 1 +0,1 78 486 916 2 5258 10 366 1990 13 3 1074 4 3 72 3441 462 2547 78 68 1082 3 1990 3302 2 3736 5117 50 562 10 4374 2584 5 0 618 4161 545 1926 1990 3302 13 3 447 2547 78 2804 40 9 5117 15 281 15 9 0 94 54 2154 366 1990 71 548 792 1557 116 78 1270 9 1829 10 1926 8 3930 13 549 2 8269 792 3645 5 0 618 6 78 486 549 2 3345 7873 2412 78 486 549 2 4 868 222 2 116 71 366 8033 6 208 9 1926 6 564 548 366 1990 1294 78 928 1711 40 50 3 1093 526 210 6 16 3598 792 3 7715 4 72 1 +0,1 11 468 1402 3924 1926 3924 3392 601 3930 2625 3 662 2 34 8826 1177 82 46 651 69 1467 19 12 3 934 4636 1068 32 2 1082 185 621 4825 10000 8602 1640 200 5085 2803 0 3212 1092 69 1651 6218 2652 249 121 32 2 5078 1242 6699 6494 78 68 1156 10 46 387 76 1558 2 672 7197 3212 6 10084 57 71 48 1926 805 42 46 68 672 3 8951 4636 10 4493 3434 335 99 762 805 639 13 4 868 0 183 5341 1001 42 121 32 2 116 9 19 1350 121 722 794 2 277 292 13 1242 3 1001 4 805 910 72 9976 9324 910 5650 3772 5678 530 1 +0,1 78 928 90 3 357 4859 4 4115 9 3 310 210 42 3373 69 5099 245 544 44 9 57 764 1132 11 879 518 4 544 131 2202 1186 2092 1186 3356 138 668 13 4439 11214 6 3256 2 235 12 2365 94 309 4115 12 3 2092 206 8 0 8500 1631 600 85 1505 1024 2202 1186 2092 1186 3356 3487 8100 8566 9144 9751 3981 4381 13 4439 11300 27 662 4 1089 10706 40 2 2202 1186 2092 1186 3356 3981 1428 211 40 184 2625 1336 12 265 6 10121 9037 1646 155 600 55 118 2703 19 2 2202 1186 2092 1186 9271 1 +0,1 1586 27 5071 8149 4 334 1626 294 2377 1989 2349 5449 2 754 5850 134 81 3 754 6736 1923 317 18 211 19 13 3709 120 2174 155 245 6833 334 4030 140 32 89 5 245 1551 644 213 141 183 647 32 90 1247 83 180 11 754 107 5 3 679 296 20 16 1241 5 433 358 334 4030 7 2214 0 258 2517 1134 4 16 1765 57 162 488 4 9723 2 1551 2217 542 13 778 78 619 40 722 1322 2 556 82 6198 3642 2 1836 10 651 69 9607 598 1604 10447 3826 121 2671 1667 152 610 1 +0,1 462 138 1132 78 795 296 40 544 78 1088 19 310 934 8 7160 6 118 9231 78 732 165 7 21 3316 9 2367 10 1415 121 2 1024 99 5316 9074 12 585 10868 5498 10 30 5530 20 2367 1606 3405 19 6 155 185 544 9285 21 5530 9073 19 29 452 51 5 0 9757 6 8 0 4645 7846 4945 9 2524 245 9372 2367 700 1 +0,1 837 10 0 127 13 8193 5 7418 9993 138 1779 30 5204 10 121 29 1242 2676 4391 121 166 2 34 267 4 0 88 128 78 85 34 11231 78 486 21 8154 429 600 99 1270 10 13 562 94 124 69 1651 1646 85 121 277 155 3031 329 760 121 2 34 26 2241 267 78 85 1129 26 10620 3943 121 417 222 2 4596 262 78 816 366 2246 7 10619 1631 121 5382 1793 6019 78 651 69 1427 4451 211 366 11020 85 34 5 10 2518 78 8016 0 1723 10 0 764 983 4 6020 11060 9609 9887 6 9767 9653 6 8570 1631 2627 167 40 1324 573 7 21 3 1 +0,1 4245 754 1168 1586 469 4 754 1168 7 182 1339 1006 25 735 2069 53 0 476 0 43 677 2215 2 2214 243 3 57 162 107 3109 172 75 65 7232 1348 4191 393 820 8 754 1168 7 182 1339 1001 4 823 4406 2937 6405 7 488 4 3109 84 31 181 75 65 187 2 754 1316 28 1348 4191 54 735 2069 5 8 33 110 31 3 264 2668 4 7581 1348 7590 0 43 334 1626 1772 2 1651 0 488 102 52 735 2069 5 95 435 78 43 1311 40 78 31 722 1335 78 924 10 19 85 4580 231 2 49 598 155 46 118 2090 812 82 0 1 +0,1 744 100 1586 7036 4 100 7 1752 107 209 21 10004 4 489 28 118 552 39 0 88 128 1305 0 390 7 10808 48 276 274 4 2176 4108 20 100 7 1752 501 244 5888 2270 1094 1772 4 0 38 107 2127 3 1255 8 0 6839 6 1509 2 2185 12 10732 6 9499 269 9193 3431 0 5572 291 203 100 837 12 311 517 3899 7372 3834 1872 210 6 167 3 513 7892 4 1188 6270 488 241 762 5 3048 6790 754 1168 1061 3048 6 1183 1351 2477 60 593 38 7374 1910 6817 0 2086 5141 9 552 1 +0,1 1943 25 172 10 6772 29 34 296 5 3 1439 9806 61 245 135 1943 1128 5 4835 851 694 0 4481 4 0 811 544 9 0 1048 1342 2822 8 5027 487 851 30 2082 1089 5 0 3307 4 0 1048 1342 2822 3904 1116 0 1048 1342 1508 8 5027 487 6 871 0 811 544 9 0 983 1048 1342 2822 5549 0 1048 1342 983 11277 6 0 1048 1342 522 4829 11 257 923 292 13 10 46 32 3547 0 983 11278 243 3 5903 1764 6 278 32 0 3881 762 6570 891 1943 1068 491 1108 5 0 674 2518 1369 7 0 241 1298 851 30 10475 0 811 544 9 0 9618 983 6 5549 1508 5521 1 +0,1 78 722 619 1943 1092 69 330 3037 1048 14 4068 40 47 165 85 34 3 11085 649 6 5339 1749 0 1150 240 1351 19 85 1749 1943 6 78 486 1829 35 2167 614 2 5258 40 6896 619 10 1860 1 +0,1 27 547 276 380 329 1025 263 40 758 4396 0 152 1589 581 1274 245 75 3614 4 8766 2127 3 8877 758 358 11 6403 4 149 329 7 636 1936 15 0 790 2560 8 16 1341 5967 6 568 3311 0 758 1293 3801 2919 335 426 1722 11 152 1589 581 793 1795 40 758 82 4 16 1341 11 309 4 3801 2919 20 245 581 10223 71 622 13 2732 1862 4381 4 868 13 3 5102 78 737 6 3270 0 372 84 13 118 5430 8362 1058 3 5084 20 245 2099 6 160 30 2727 4 2919 5 160 42 241 23 0 7096 2495 23 3 547 389 122 1369 7 0 1298 11 1 +0,1 691 81 1589 5342 5 26 2174 15 267 4 0 1947 1071 5 0 8446 9 3 3509 1527 27 864 1276 12 1946 3003 1047 6884 7867 0 3559 2295 8 0 6792 1359 1073 21 8128 50 1589 7 1840 2 6611 408 21 587 704 399 8681 6 101 152 7 9634 9983 11 9077 1097 102 1589 2656 138 8702 2432 6492 5612 18 0 343 54 13 3 9390 23 0 5206 4390 120 0 9923 2634 25 2 148 50 40 165 1114 69 10297 6752 3 4906 3527 1 +0,1 435 600 406 43 611 593 580 4702 31 4604 5 3725 600 2620 23 0 3153 2052 12 2937 947 4042 10 0 182 1812 1028 2 1086 13 2784 0 7987 4 597 281 558 5 0 1742 4 21 3968 287 52 34 3 2937 71 3 267 7234 9550 126 8896 4 8589 558 25 930 419 2 277 12 0 8450 71 10151 4 0 998 54 5592 10 558 165 13 0 558 787 10 793 34 8636 3181 4756 6 4566 4492 5 715 2 2047 0 3681 4 4906 117 4415 593 882 11054 1336 10 183 1451 13 0 182 3239 9008 4 1086 213 243 0 674 8489 19 1 +0,1 78 43 3375 50 40 23 57 4 0 1089 4 0 246 137 2401 54 813 792 10 160 31 3 2017 4554 5 26 968 19 404 2101 674 39 3347 19 3 216 141 141 10 3371 2 235 4187 8 3923 42 85 76 235 243 178 225 2101 10 13 4905 13 362 2 34 10784 51 20 255 320 968 674 503 11 11088 8 0 178 79 64 549 164 1850 557 969 1152 203 2 200 1829 46 3746 4187 42 2401 892 8701 847 147 40 2 0 178 1089 54 8863 2401 3658 164 19 5 3 8764 280 0 4554 6 964 730 544 10 3181 155 2401 31 320 6 155 19 510 1 +0,1 7961 11105 82 4 7555 8 0 1372 660 78 32 2 148 102 78 43 2154 10 78 217 442 82 366 4581 5043 78 31 5474 230 5430 5773 455 1372 1739 211 600 99 1270 10 130 13 585 4 3638 94 54 863 50 120 46 491 2524 1631 562 722 1092 69 8586 292 4105 72 78 3181 1372 1158 69 278 337 2 2560 10110 12 2367 7 2468 262 10233 8286 141 11024 8359 4825 2888 0 1372 79 722 76 1270 120 35 671 13 1279 7302 165 7 1461 362 10 46 118 651 69 1270 11 4509 660 292 13 10 130 395 68 69 3318 6 46 68 69 5433 130 25 531 682 153 5 0 696 639 1 +0,11 6021 1931 6 0 507 4 0 4745 183 999 +0,1 37 347 36 2991 37 347 36 2392 3372 2 4513 +0,1 37 347 36 4111 37 347 36 7417 988 1319 164 1290 229 +0,1 37 347 36 7335 345 37 347 36 3870 306 9 10513 37 4800 36 7430 37 4800 36 9673 +0,1 37 347 36 6164 37 347 36 4004 426 10960 5 +0,3079 220 897 55 1144 34 320 169 526 877 61 46 277 210 1 +0,11 850 7 758 2244 1136 44 84 487 2012 68 34 2509 15 585 1146 973 1 +0,27 192 4 6521 9869 446 13 1010 15 0 182 9558 137 4 0 47 14 3 4870 5 4284 1 +0,130 13 5418 94 776 783 4 3 257 142 527 1557 487 206 992 2187 525 1 +0,6300 170 1460 8 1310 5 0 850 14 3 72 4 2163 1697 44 598 5 372 446 1 +0,3006 5 0 850 30 629 49 72 6 450 549 481 123 2011 2244 7206 1 +0,11 4220 446 4645 55 34 1088 53 3 5050 1330 9 978 123 3 7181 781 11058 1 +0,4005 0 193 5 422 9 151 250 13 21 59 1833 5 787 1 +0,428 9012 1022 5065 163 1971 2 154 59 142 9345 5253 49 1512 2 4805 1 +0,27 1342 9425 2223 55 11154 230 511 1538 2568 10725 6 135 9367 2522 1 +0,746 446 68 5226 1298 10798 6 79 974 5 978 148 446 240 511 1 +0,7948 94 30 2600 2585 2 479 10181 3363 71 1111 871 1232 23 0 487 3 1026 1315 1 +0,11 6093 137 13 3 216 4746 10 9148 166 3 10215 2769 5 12 0 2058 1 +0,7258 2386 78 17 4378 4402 3 419 173 8 81 335 0 1739 14 0 489 3951 693 85 166 2 732 19 31 213 4133 1189 741 506 60 10 106 6 138 1100 4 0 880 5364 30 5244 614 2 494 3 913 106 2 521 19 1 +0,80 93 17 324 1059 8 86 18 19 105 2 425 3 363 2141 470 2766 363 1468 6 2644 3383 54 2434 2 2191 51 9 3 47 4 4736 156 175 1 +0,2393 17 130 97 37 1187 236 36 18 19 29 504 803 3 2206 198 363 439 565 4 16 178 609 307 163 5 0 1446 896 4 2924 1380 6 1955 5 715 2 5393 0 309 4 3209 6 1707 193 896 1 +0,1185 1163 17 27 229 4 381 1096 1275 18 8 70 46 1664 0 4900 9 3 38 1104 4 3260 10 68 1541 339 526 0 301 4 2879 14 0 398 439 614 2 396 3 585 283 4 11 4311 8 57 4748 1 +0,80 93 17 11 5119 4 120 737 1862 9 0 114 240 5 589 688 102 191 5404 14 49 61 323 1424 668 275 13 76 278 337 2 256 3644 1658 0 194 158 13 217 4940 44 1 +0,2393 17 130 97 37 1187 236 36 296 8 81 0 258 565 4 16 114 9 3284 6 10037 481 10168 6 1466 2 11041 53 2245 984 9 481 8393 6 10169 1 +0,2393 17 116 58 37 1598 236 36 8 28 333 2460 0 393 4 400 19 105 2 425 5 16 586 183 394 595 19 29 660 66 289 104 400 2 1965 58 37 4393 236 36 2 3618 3 2088 44 193 404 2 986 1069 1 +0,3064 9 371 220 873 2098 6 10509 651 69 8010 9547 178 371 4 0 2714 3410 5 7981 0 156 568 3541 142 3452 37 1677 36 37 572 279 929 748 841 843 856 886 493 66 648 824 36 37 326 36 11 433 1623 37 1668 36 37 1731 36 1 +0,755 1935 66 959 9 807 1971 2 1826 2242 2249 2467 9414 6 2803 20 360 142 2056 10 94 32 2 1654 6 4416 8 35 621 37 572 279 929 748 841 843 856 886 493 66 648 824 36 37 326 36 3020 3005 37 1668 36 37 1731 36 1 +0,6435 0 7652 13 292 3076 52 55 34 99 19 1545 13 9 57 2523 1785 2 10782 3 481 3509 4 26 4504 10230 2210 19 2 0 7653 91 434 729 6 715 10152 5197 37 572 279 929 748 841 843 856 886 493 66 648 824 36 37 326 36 6893 4377 37 1668 36 37 1731 36 1 +0,497 6027 5964 5 6110 8 70 50 3 1093 1143 1290 23 2372 1405 1734 14 2585 784 2 9890 2043 6 3275 1350 64 8900 71 11381 1119 4 0 6407 8449 4 7272 7914 7278 1 +0,464 19 7 719 2 3436 562 118 213 19 55 816 11132 5539 0 433 233 9200 9356 23 0 2192 6 11005 5421 53 3586 564 2334 7529 13 10775 1 +0,941 1000 0 580 2536 695 4 202 5 641 541 551 95 42 680 10 19 55 279 894 5053 23 3 751 712 620 5 84 138 8144 4 0 156 208 705 7 898 64 10079 37 572 279 929 748 841 843 856 886 493 66 648 824 36 37 326 36 11 433 1623 37 1668 36 37 1731 36 1 +0,7820 7282 3 297 47 266 114 4813 23 829 8760 631 0 75 1482 1 +0,429 3931 1389 6972 1545 44 0 637 1642 1174 8 28 912 7 302 2 1226 8 0 4547 3104 192 20 189 10262 7766 1047 7103 1 +0,11 1169 7 38 2640 3738 4461 3720 0 7679 5583 249 281 10 19 8732 0 1303 4 938 2806 388 2000 1656 10 1426 19 6 243 3177 980 200 19 4986 9 0 2674 2 494 82 3 38 218 9 1360 280 1 +0,5966 97 172 109 10 19 3619 48 5045 83 6761 98 7916 16 612 875 7 2739 5590 0 62 89 543 4 629 667 4 987 8 2473 6 905 3305 2 3595 3 1755 2240 52 1513 249 52 55 3550 19 9 3 1986 370 1 +0,1373 5 0 62 10 7 734 2 979 82 15 4696 15 3 4557 55 548 1328 1259 3 4883 4 5561 155 0 882 4 116 58 767 2 277 1329 166 452 51 5 751 712 263 0 398 72 35 62 13 549 183 37 572 279 929 748 841 843 856 886 493 66 648 824 36 37 326 36 1855 91 37 326 36 37 572 36 1 +0,156 4477 1713 58 18 95 19 3093 3 352 113 1319 5 2502 21 367 2486 4 2481 1069 6 2569 37 572 279 929 748 841 843 856 886 493 66 648 824 36 37 326 36 1036 378 37 326 36 37 572 36 1 +0,11 2079 3456 8282 8 0 220 14 6778 6210 7 4726 5 0 7492 1947 1931 6024 7210 366 6560 121 491 1725 1 +0,3006 29 794 2 2043 49 11294 6 517 1479 213 4 2531 599 1325 242 148 1 +0,2390 3867 123 0 1207 2317 6463 13 590 447 9 16 5380 2776 263 0 92 568 5264 1 +0,27 79 4 260 2550 54 30 5294 0 1825 4 3 4372 2672 32 1516 7757 2846 1 +0,11 201 1532 7 4848 1103 5460 4984 5 0 1161 1590 1091 13 2 167 16 621 1680 1 +0,11 1181 608 1205 25 1475 53 3 4553 4 883 6 2530 256 9541 20 3 738 285 7 3496 1 +0,7222 2498 1695 2 0 1882 25 4489 2 11093 9 16 9451 148 56 2637 242 1 +0,27 7923 5116 13 1457 2 337 9 678 528 310 3 11001 4 9430 4499 13 5275 1 +0,11 578 1390 1773 1815 55 672 3 2198 452 583 3 1709 453 1 +0,27 10322 84 2592 708 9730 5 2249 1122 619 9 38 7274 7 6 3811 7 2775 1 +0,850 11125 3298 511 30 11061 51 12 270 2 548 2775 9 3262 122 8 498 1 +0,27 1304 6 3091 922 9 7707 55 265 9538 1130 263 0 92 148 511 1 +0,11 43 2165 20 260 242 2 4609 785 4804 25 90 1738 20 511 1 +0,27 8897 513 5613 9 9968 3152 13 396 14 1306 20 11288 54 265 198 0 8322 2563 1 +0,4035 1858 5 0 3767 6100 29 34 49 2608 49 3348 6 1003 56 511 148 1 +0,842 5 0 88 128 548 3 234 2 815 9703 3465 53 5603 405 3355 5472 1 +0,11 3307 4 5587 23 133 9713 1760 8950 53 10918 11009 25 90 11143 5 9239 8956 7143 723 1 +0,270 29 2553 2113 4 0 2417 7409 7027 4151 7719 164 0 157 4 250 5 1118 4 3 624 2165 23 0 212 7204 6 3831 1578 7118 1 +0,117 0 119 311 103 2269 29 2052 3 791 386 4 16 659 11196 15 483 1559 1415 455 3719 10458 4 2483 3279 5038 2 563 2061 6 135 11295 10 29 4780 4437 5122 2533 1933 846 254 490 247 1 +0,7443 32 3626 10 0 1203 68 34 2167 9 14 182 241 3 809 368 4 0 1559 44 0 75 323 742 103 7017 7327 4307 490 247 1 +0,435 19 698 2 2061 474 1500 13 76 21 9028 5146 3374 963 8859 474 10852 290 710 1217 4 0 111 536 233 19 7 49 1810 5 0 2741 368 4 0 88 128 254 4 1208 2959 490 247 1 +0,963 3 3561 3180 1691 140 4437 0 3208 4 1487 1208 7 2061 8898 322 15 5069 436 29 521 3 2017 2174 5 230 455 11017 2533 1079 44 72 254 4 1208 2959 490 247 1 +0,117 3 596 12 9503 9 230 413 126 3703 387 5286 2 3 3180 1691 5105 385 8541 20 2299 254 724 10454 3 3740 4406 11099 10 232 4 0 3214 7 5508 1537 5099 3561 23 0 1235 227 15 4921 5295 14 0 157 4 0 75 6704 5801 2299 254 490 247 1 +0,6385 166 0 778 6315 3865 4 0 5651 9493 5 11 6579 4 7930 6 5273 15 3 5503 653 9 667 4 406 64 3570 2669 4 281 991 8742 4 8934 3343 20 10426 5 0 233 187 2 38 2209 20 3 5114 9571 308 79 554 20 2299 254 2299 254 490 247 1 +0,842 30 8985 8 3 1128 84 29 4846 230 483 1559 13 2514 57 4 0 92 7 182 4765 2533 2498 10433 254 4 2984 490 247 1 +0,11 6958 5008 4400 270 7 3052 1022 1999 40 2777 648 707 4 1962 3015 8 430 459 14 66 531 7817 1 +0,1612 2470 2751 8550 198 0 808 5595 4 3 1485 861 6335 1390 9864 55 396 8 3 3521 452 39 5441 8 430 3754 1 +0,469 106 1218 55 11444 290 0 914 163 5 10832 10812 1604 29 35 3158 8006 2 361 3480 3 11208 168 225 3662 87 6187 444 87 561 1 +0,27 3235 1239 3821 351 727 9094 215 291 5 0 4286 4 7781 13 184 320 195 1 +0,497 0 3491 3430 4 593 914 163 3 914 3623 2796 13 50 2 10082 270 7 7865 73 915 1 +0,435 2283 1516 1629 691 688 5693 19 4704 164 3 774 5 1629 7 10560 1844 469 4 3480 727 2080 2700 3 4895 4 1805 2530 9375 1827 0 915 1 +0,111 1659 4 4901 4525 9526 10 4419 37 1750 36 2418 2712 37 1750 36 8854 1106 4849 3561 1512 2699 4919 493 1 +0,7897 9240 280 12 1155 8953 4525 2710 9 0 43 72 230 0 8072 4 5587 6 4770 1088 35 8005 5526 885 1 +0,117 0 38 1484 37 1750 36 3927 6247 37 1750 36 3 2234 4782 1840 622 8205 2 3 4581 6 4889 503 165 7 358 2008 8204 6 763 19 71 76 19 7 3 905 1821 1 +0,7772 7 578 1390 1773 1815 13 362 2 34 3 2198 452 4 2190 1321 11445 290 0 110 3635 187 2 2444 1 +0,4264 1858 427 441 71 49 3660 71 293 427 30 9243 4 0 1780 1014 924 2 34 5459 11033 813 20 10610 211 210 242 32 1022 654 10 0 791 11272 30 76 241 905 42 436 9120 1695 1 +0,1646 510 0 43 7215 2043 1904 9417 30 10642 1660 11092 2 548 60 1 +0,2831 5189 23 315 32 90 10374 6 3254 5129 940 633 1393 7 5594 5285 9 103 837 12 0 154 4 3 3458 41 45 8625 0 6039 3523 13 8130 6 1842 787 2 615 122 1 +0,7191 1219 898 4814 9749 1479 6 4441 10605 30 118 3 547 4 0 1329 10 3616 0 1660 177 23 0 5104 446 123 0 2447 4 37 1750 36 11 7130 177 37 1750 36 1 +0,2317 1559 13 1838 2774 2512 3747 1646 7 49 11165 1328 30 8659 2 19 6444 60 120 121 68 277 50 19 1 +0,4383 510 3 2350 4336 643 5171 592 4780 589 75 47 27 38 218 123 9778 1235 2454 2757 11271 3344 0 2105 2 627 1 +0,577 21 9545 4 8475 2140 404 15 2621 3111 312 7 1884 9 6080 6127 6084 13 5503 53 0 199 8474 10616 5 0 92 427 965 1491 1 +0,6928 30 8565 2443 12 10187 1102 3625 6 769 211 46 30 436 9562 120 140 34 0 119 2796 5 9729 8547 8186 525 1 +0,270 428 11241 314 2000 806 1474 51 0 465 608 1633 40 1009 2 1704 965 77 5488 4 1102 1103 10090 599 6 1325 2 0 1133 3480 11 2922 4234 818 4683 8180 4768 2 0 8030 2679 4 0 7966 755 7073 14 459 5618 3 486 1 +0,129 5898 6799 7247 831 24 27 238 4773 4660 2 4603 14 0 4212 4172 1874 1633 31 2030 95 2 48 1590 1218 54 64 335 0 321 54 770 5 0 1532 1091 3978 1 +0,270 11 276 4 2521 1005 1262 860 140 1811 166 1660 551 9 182 2122 5 413 324 42 5 838 77 1218 6 3 327 8901 29 922 0 258 8591 5 174 2520 1262 860 405 3 2781 5526 2621 11 1650 2 8600 174 2520 782 863 322 15 11072 6 11075 2758 55 34 257 2 9786 0 11367 4 618 10810 6 10521 2 1770 4805 8 0 465 608 1633 0 1281 71 1381 1 +0,11 1725 7227 7895 1798 2466 4 11 1407 4 0 7927 13 50 2 246 0 357 1023 15 2058 9914 7642 6 3918 1225 0 4018 2313 7896 4602 122 53 0 557 4981 3826 600 249 8506 195 76 34 8946 1 +0,1588 853 4252 2375 27 270 1588 853 2153 2375 707 25 1804 3 1696 4 678 9582 2072 883 3195 5 0 800 4 3455 11 10967 1588 10816 2708 181 19 719 2 8890 998 4912 23 0 791 3195 4 2072 883 1 +0,1181 608 1205 117 40 1333 707 270 7 1181 608 1205 8413 3 1515 3725 4 0 4578 9033 4 3 9293 3 883 8431 8422 20 0 5411 1562 6 2608 11217 5246 23 3 2072 738 285 1197 9294 30 3133 2734 9424 10572 10 453 60 15 8363 5 11318 71 10657 2173 1 +0,20 4032 3863 117 40 63 6 131 368 4 0 620 2353 1720 230 4041 140 154 242 1156 0 10040 4 361 8 498 278 155 19 1092 69 4731 361 8 3057 5869 4134 3057 13 0 241 1281 5 593 914 163 12 21 3123 6 19 13 0 10033 4589 10 25 90 8832 5 10 3123 10 25 3650 0 4981 4 1789 242 166 2353 1 +0,6953 6803 2915 11 10686 707 417 1148 4 3 2530 3263 263 255 285 25 1804 5426 5 0 3263 84 30 5360 4 11248 1496 2889 1 +0,7000 608 6459 1884 691 430 459 3761 270 7 1588 853 2153 2375 1286 16 10965 8911 9 0 43 72 2437 4578 853 2153 1118 2 673 0 3476 7 9896 542 57 809 1147 9 0 3476 10324 2 34 3 239 3421 9 727 15 1588 611 16 591 2 2188 38 1118 8 3 1031 5118 2237 9603 2 0 785 1721 1 +0,6557 285 8526 30 166 10828 8427 4 1118 8543 4 667 4 1321 9772 53 3 201 241 3 547 1093 1118 103 290 464 0 498 10512 601 3 9309 2008 593 110 3635 85 34 4433 12 350 4 1321 49 3161 61 7606 1 +0,129 45 7512 5891 605 24 605 13 5293 16 318 2 804 3 343 2 0 1281 20 3766 15 0 591 85 439 3 662 4 450 6 5610 930 419 5 626 0 420 201 354 18 86 1 +0,603 608 1347 3955 10363 4 201 1859 11343 6153 25 985 11321 4 4794 914 3449 173 1210 0 498 11 10970 2574 11163 5 455 5426 30 1505 11199 35 234 53 0 2300 9779 4553 0 9780 1 +0,20 2917 3863 2337 2353 3538 4 1789 727 6 10171 14 0 254 4 1353 7 4121 6 7328 4101 5 7797 1353 25 174 90 9131 20 1629 7 199 1281 3057 117 40 43 368 4 0 620 2353 1720 120 242 619 2 1117 23 4041 1 +0,11 7057 7890 13 3 3719 4765 5127 464 121 491 1463 2 548 6336 1496 10 140 4946 361 121 1273 794 2 3470 0 208 7659 30 3 447 422 2 453 213 0 8947 3260 263 1321 10817 738 1496 1 +0,129 6321 6807 3025 171 24 634 1218 30 5 0 131 5402 4 2137 9 3 1476 201 591 10 29 1783 0 3359 740 526 132 2168 2 498 3 150 145 1284 147 86 11 516 302 3645 40 162 29 2078 804 3 1476 4683 0 7587 139 53 21 10067 1783 10 14 16 4613 29 34 1864 1480 23 498 0 4112 6224 147 8491 10476 4585 353 3187 0 2042 678 526 0 806 29 1242 21 1783 14 50 5672 1480 23 2042 0 218 18 1 +0,4072 4238 4100 7756 276 132 16 659 626 2 498 12 270 7 43 5320 23 201 248 0 3821 3461 0 2911 915 3675 2490 16 11207 11149 9799 497 459 1566 7825 1402 139 1566 3 486 1 +0,638 24 27 5074 5150 10 313 89 1124 2 516 40 47 55 279 1459 1703 2135 631 119 47 71 789 213 4 3 2064 5350 6 799 1236 0 1297 7 385 2575 1229 313 7 201 354 18 70 11 313 3804 6390 1347 71 6755 296 3 218 2 3 107 145 8561 4843 302 1703 2 0 516 4 0 3756 104 4121 27 1297 1 +0,2955 24 27 314 2000 806 2632 12 1325 6 873 3154 82 23 0 3847 4670 5 2343 8 70 1108 9 0 587 201 1540 3 314 201 317 18 11 4234 2355 682 806 209 82 14 73 5619 3 486 1 +0,11 578 1390 1773 1815 13 1080 6 2567 148 19 55 34 11255 447 1612 2470 2751 198 0 808 5595 4 3 1485 861 4618 1390 6334 55 396 8 3 3521 452 39 5441 40 65 1 +0,1 24 270 7 612 13 3718 26 1181 608 1205 79 2 490 274 12 105 9 3 3589 3578 591 2 0 4428 3476 595 4110 7 222 1809 0 1181 3800 4287 236 4088 123 52 29 4468 1360 9 450 2 7984 0 891 573 874 19 29 494 50 73 153 2 73 115 153 2 1707 6 516 3 3588 2 200 0 2654 5537 2 553 0 557 1835 320 6 2 167 19 60 4 1783 1014 16 235 13 164 1 +0,4360 1040 27 38 5095 9 590 14 0 3208 4 2485 405 4933 206 5468 25 90 1088 20 8468 14 4360 1040 7437 23 0 9234 4 593 914 163 0 9790 4 2485 2577 8525 50 230 0 498 6 135 1496 1732 1 +0,27 38 707 23 270 7 4313 608 1205 1315 0 10695 8987 4 3 3280 285 6 5 35 3457 3 5118 8916 5343 1805 11 3280 285 13 368 4 3 1789 9959 358 7115 5679 435 3 285 166 593 621 1203 1673 2 145 60 4 1103 16 983 10711 6 2591 51 8305 82 0 285 7 3491 9702 1 +0,3802 8 230 2 167 3 447 110 7 10763 6 1220 618 1256 2232 1601 6869 4 3636 68 646 49 61 8936 19 68 4658 2 3 393 4 782 799 3034 1151 2044 4 2622 4 3636 1467 3396 5 1421 1126 6 2628 4 10919 9441 187 2 21 971 5 0 430 660 4 0 6627 4034 6897 1 +0,129 4086 6293 2322 2389 1601 6536 925 138 8852 54 30 734 2 2093 3738 564 5366 122 6 9743 2 0 1701 5816 4450 54 7 8 3 4738 71 14 214 57 10 7 934 13 3217 26 71 189 318 13 0 356 1 +0,6149 154 5267 0 2300 1691 20 10440 5440 53 201 11111 8673 0 1830 435 4614 3502 1079 46 9913 0 2300 704 3130 5 815 6 2224 8 0 2300 1830 1 +0,129 3813 2909 2322 2389 1601 4105 47 7 4996 2785 31 657 23 3 3504 664 83 0 931 10 10718 94 42 19 2656 49 2148 23 0 3390 61 511 89 2140 924 117 930 738 978 0 492 31 280 2 34 352 113 2 2813 113 8966 5 5208 4996 166 3390 84 13 3 2216 507 4 4894 10 1158 69 866 5 3 2621 1 +0,429 0 250 1635 177 1489 167 2235 95 12 21 587 2466 4 0 714 8441 782 511 1099 0 151 446 2 5006 4671 10251 2 477 49 4412 211 511 8430 8062 3497 10656 2658 284 76 1269 53 3 38 1317 3094 568 10956 5205 1 +0,129 6805 6852 7500 98 1047 24 963 0 1327 3224 14 6822 1194 30 8223 8 3 2072 1211 1290 553 3278 82 5465 14 0 10738 3495 168 2 99 0 106 7 1653 1 +0,129 2944 2980 273 24 4251 68 477 872 4414 757 7 3393 2 1270 242 148 6 25 1148 3 174 72 2 2690 1 +0,129 3813 2909 2322 2389 1601 3911 2 557 4502 76 99 2086 54 30 8052 2 3404 5414 10053 35 10665 845 94 2798 8053 215 203 5 1451 4 4499 11342 6 0 166 15 978 184 5253 2 35 5414 15 4420 42 3 38 596 1122 2160 5812 2727 1105 5 4592 68 801 203 9 51 2 323 103 1 +0,129 3922 4021 273 24 6208 23 8461 1734 263 0 92 30 1301 1697 10 812 387 495 2 475 0 2038 1102 6 872 1543 3497 4979 9507 3531 990 1969 1904 6 2890 1578 3906 6895 2355 2872 123 1 +0,1602 1255 8 3 5486 2764 6 26 2554 8 3 220 1023 1933 846 254 4925 2753 3819 4094 1337 21 4462 4 1523 2080 2 1297 0 5556 1857 4 0 1193 573 13 3603 9 0 4401 4 361 1 +0,11 2689 10 3 5513 731 6 3 1464 71 2135 48 3386 55 454 312 8 0 398 106 13 562 5094 148 46 32 795 1137 165 7 965 5531 4 150 9863 2277 7147 18 1 +0,129 6857 27 4065 24 428 10005 2967 1563 6 189 268 162 266 9154 770 4 4627 530 389 39 10905 10879 2758 21 1661 43 10 13 295 2 2794 50 0 2714 4 10270 1144 39 0 2758 1 +0,1204 2712 31 57 4 0 199 1479 8958 417 2 2792 0 1760 102 19 770 60 138 1345 104 103 380 497 21 8978 166 115 5488 19 5424 50 531 1452 2 3773 1452 174 6 5087 50 739 1452 5459 14 0 4965 11 3100 10741 1973 31 139 1452 174 12 11071 51 2 3 2060 174 1 +0,129 6322 7394 412 24 407 1738 16 43 1764 9 785 4610 70 49 61 77 103 39 1672 0 43 390 2 8176 0 2223 2 1127 1824 1688 9 1770 308 27 79 4 724 14 2984 254 619 2049 2 1082 9573 2685 1688 10 55 34 11162 53 8841 2122 1 +0,129 6341 6343 2322 2389 1601 27 38 579 8520 872 9 94 780 8139 714 5213 9769 0 904 4 4627 1736 2122 60 4 0 2071 877 6 1505 2718 2091 3 596 9176 532 19 2718 450 2 8317 123 2889 1 +0,11 11122 1421 11303 4 0 1721 68 672 3 3358 10 140 3736 4 618 173 1421 1126 431 724 218 757 1456 698 23 3 8587 1659 4 730 1680 1466 4 0 10537 21 2549 2223 1 +0,129 6858 7706 571 24 842 148 46 30 1005 4950 5 1236 3 2785 83 3 1695 5423 4917 0 646 4 667 4 3646 11107 15 566 15 3 2026 42 11223 4888 4791 2037 27 922 4 21 2549 2785 5 118 1162 94 2145 21 9494 2166 12 141 1812 808 2044 42 19 7 184 76 788 155 0 492 85 553 94 23 4570 0 5423 4917 1 +0,129 4123 7513 6955 2858 24 7047 476 30 2611 0 1310 4 4855 71 10947 5089 5 3 1223 1029 249 557 335 406 1525 8463 9841 10 19 25 49 10161 61 917 41 45 1 +0,117 0 43 814 4 16 1757 5881 724 32 4407 1828 12 21 8054 2785 405 4916 3297 10225 11 3328 30 147 5 40 65 7 660 4 0 7359 4 0 212 5782 4 7554 1 +0,129 7393 6399 6850 2997 24 1177 9672 4106 152 3247 189 2598 7 1791 8 4803 1824 1077 308 28 975 636 524 149 329 7 2018 10557 6 3092 10314 4 10080 0 623 9 1770 8336 1 +0,129 2944 2980 273 24 1905 162 266 6229 7205 31 391 769 2461 12 21 9015 1256 10 31 1512 884 60 7203 3 11161 5 72 31 3 174 492 1 +0,129 6700 6220 273 24 11 11212 11296 3441 4862 8630 4 8477 3132 6 10250 697 2626 547 3486 9 94 1525 363 8392 71 363 5319 10779 757 13 3180 210 15 275 1707 896 9 395 46 1099 2 3597 505 10002 6 981 1 +0,7022 123 3 1294 8316 1150 240 68 207 9880 20 348 202 5 0 1287 4 232 10759 449 2602 1 +0,6838 1460 1265 0 604 8661 2 4828 933 359 629 6 2014 766 2161 363 1 +0,2175 1937 1575 1322 1531 1346 2110 697 2821 91 2 474 8 1197 7 4323 6889 2169 9343 42 799 10148 1 +0,7544 3177 2522 84 1388 6 716 1558 2 553 23 2554 4 726 140 34 3472 2 1435 507 1 +0,604 529 766 5 0 4808 143 892 448 5 833 42 11064 30 517 2585 12 8004 588 61 529 1784 1 +0,5882 4 3 898 2170 1549 0 8243 150 107 19 55 1809 667 4 987 20 3099 520 811 114 6 156 206 190 975 1 +0,757 7 0 308 303 7 5551 8 130 7 2206 198 7661 3958 9 1236 3222 1 +0,941 1004 2 9635 16 968 910 264 12 3 565 11198 9 2194 5152 1 +0,2282 1056 91 7 1886 6184 2441 120 19 13 50 130 10 10350 249 232 94 1324 44 0 1239 1 +0,1937 830 9844 1449 4317 805 8360 463 383 6640 191 5057 1173 7 207 1 +0,11 3185 1663 2 32 1277 16 182 624 1700 9 3537 4 0 2194 2561 697 1 +0,171 7 199 470 342 2722 2212 5 2686 42 3435 143 911 2 9940 275 1 +0,3878 123 303 1311 141 191 2193 6192 345 154 8391 1857 39 1982 306 23 463 6 1173 1 +0,463 6 1173 10846 485 12 624 2010 50 191 42 967 148 0 1784 1150 143 13 184 9517 966 1 +0,941 9217 51 8 2144 4 9487 663 1230 39 1709 383 218 2282 1056 91 25 3422 1 +0,435 9396 1661 414 7231 1545 0 10465 120 29 0 3185 711 166 1 +0,5963 827 7 2515 5077 264 1736 3 858 12 3 603 1234 8632 2392 969 405 500 1 +0,1597 1178 875 2 231 381 1768 1095 14 949 958 1 +0,178 2452 500 5 2228 439 4 10089 6664 8 10 7 76 3 447 923 1 +0,1894 1970 266 59 2233 788 15 0 8970 71 1259 4 1742 142 511 1665 69 348 245 3179 1 +0,11 1387 3370 1725 9 3225 943 2045 10542 0 183 257 9 5805 2899 1 +0,7365 1150 1320 85 5552 10664 1913 8009 2 265 2635 3508 6 4443 7848 3518 1 +0,7565 4902 7723 6353 123 3 10122 9851 25 3287 735 392 142 53 21 604 1996 1222 3381 1 +0,27 47 39 0 4132 2248 0 114 239 5270 959 9 178 609 4391 19 32 2748 0 1726 5394 931 1 +0,11 820 47 266 1722 51 2 2254 389 5 1504 39 4418 2 1233 0 4132 326 2786 1 +0,11 2670 9189 3 4885 5 0 440 519 910 114 10 55 34 404 2 167 854 2 5 4532 6 385 1 +0,27 5569 5 1576 7 2079 5093 55 1413 644 1351 27 38 5909 2786 10595 290 0 2371 1 +0,5875 55 8310 2995 405 2079 5093 7 503 2560 1576 123 3 3335 13 9492 1 +0,2961 1077 190 1470 1299 105 2 309 463 7 5467 114 5 2256 344 392 2576 1 +0,1058 99 4 0 1997 62 7 973 3673 550 3 624 4962 5 8213 1 +0,2988 5325 16 43 216 567 338 12 21 1182 175 1299 1 +0,27 719 7790 9442 9407 5 21 1111 1077 190 137 1462 3638 1123 405 0 7702 307 163 1 +0,1406 62 10955 1703 0 63 9307 5 48 528 3055 4424 30 813 2 10404 35 8007 1 +0,7154 2494 10938 2146 9 877 1409 1363 15 1221 1473 30 3272 197 524 1107 1 +0,845 2371 190 371 54 30 436 973 3673 1665 69 3567 9518 860 3794 2255 1204 105 2 247 2670 1 +0,117 3 2230 5327 83 10533 5905 5945 0 973 2672 9202 520 0 1406 10191 1 +0,6485 7570 1322 1531 16 7933 765 84 29 154 981 2 4641 1090 11396 1 +0,1596 123 2001 1682 30 934 8 3315 0 11328 11035 2560 2 1409 1363 897 84 55 1478 2 1406 1123 1 +0,11 5337 4 4203 6 4204 29 34 1081 12 2896 3857 7 2707 15 0 5042 7 1078 1 +0,2985 1104 943 10824 1664 8503 234 9 2098 2 1127 2154 241 8878 1 +0,7340 2798 765 3526 602 7 4131 670 4874 9 377 7270 2577 3358 4 623 3307 4 1465 1 +0,2302 239 8839 38 921 193 2 475 983 264 23 3 38 8077 1 +0,6617 342 123 19 29 337 198 16 7268 2371 567 440 519 6 434 175 1144 1 +0,6026 4 2143 372 3284 969 1263 38 2366 730 2044 114 1 +0,111 9485 114 13 1005 2554 14 426 10863 1680 190 2126 1 +0,7883 2 167 53 0 143 9 943 797 6734 438 6 10876 1478 10 121 387 200 49 15 3 9885 1 +0,2904 4545 1150 502 404 5 1123 6 9687 2 2036 7560 4685 1439 10183 1466 9 1094 1721 1 +0,117 3 218 40 65 0 41 45 945 4 6365 18 5021 3216 14 0 1052 5807 212 4101 64 76 3590 614 6 138 1429 64 795 4815 53 0 3417 7 5021 2023 1 +0,6139 635 40 65 8364 0 3705 4 2709 10025 9 178 206 1125 4 1310 525 20 8084 105 2 9881 2 500 206 574 437 10459 14 16 2259 1323 1 +0,3959 7950 3 1693 4902 4 0 3921 6178 123 5 21 2783 1992 10 0 1028 4 5144 5156 1114 69 5288 2 41 45 114 700 588 42 2 99 9654 4 3416 235 1 +0,844 62 1098 14 3 6049 379 6997 508 40 65 4599 3 5548 4 1517 9 933 688 191 1534 23 159 67 96 2 5410 114 8868 6 3571 8892 8 3090 8756 1 +0,11 3728 44 1913 143 13 448 6 20 119 47 682 4 99 1473 9565 5 0 41 45 30 302 2 5272 8 1406 193 583 4657 1697 10 9564 68 34 2015 1 +0,464 160 7 57 923 0 3832 4195 1628 79 5525 15 231 3215 9 0 59 604 1470 19 7 10 121 793 1117 23 185 1775 1 +0,4346 2838 1065 1141 530 5055 3240 1160 73 104 6 964 5705 38 300 188 0 158 5055 2169 1444 2 5633 170 104 1 +0,1199 511 18 10 310 0 38 755 1935 66 9 178 609 29 4522 0 307 163 7 142 1741 29 184 548 3 234 2 4844 245 3336 1 +0,2990 14 1203 2972 6773 6 6725 40 65 1804 4999 10242 15 4421 5 3289 1048 700 71 434 399 4651 1 +0,6883 4045 579 1536 3721 6 440 519 114 275 30 1485 1512 2 1654 563 9 0 130 1418 579 1536 193 1320 7572 2329 278 15 138 440 519 511 2152 2527 10 0 193 29 235 1 +0,949 958 8281 967 12 306 10 16 194 6 384 158 383 85 8198 1774 874 10288 213 4 799 5 16 910 6 2749 1441 1 +0,607 1043 1059 695 239 1713 58 25 3093 3 352 113 1319 5 575 1044 2481 4422 434 729 6197 0 275 18 95 1 +0,5794 7051 3939 58 7 1575 58 7 1346 2110 5138 2684 30 8 35 234 2 300 187 2 3 308 5137 2149 20 6564 7517 408 86 37 451 36 5759 37 451 36 37 451 36 37 9486 10864 305 758 3269 487 758 9476 1336 9479 996 9469 11023 5663 10030 5664 11382 73 9394 73 1223 226 36 37 3 9449 305 758 3269 487 4608 5746 5745 5521 305 758 3269 487 4608 5743 5744 3237 305 373 9468 91 805 9047 10332 4562 4518 2076 9450 8387 10092 1277 4518 792 1362 7261 7262 36 6741 574 3281 3494 525 37 3 36 37 1677 36 7349 20 6686 182 1412 2260 1074 9871 7254 11126 3494 525 68 145 7812 6 500 3631 6885 49 50 3281 3494 525 37 451 36 1 +0,27 561 5223 344 190 1536 2431 20 0 41 45 637 1888 1174 1596 991 40 162 1092 69 3539 190 2 190 3692 2641 42 1596 134 763 0 38 561 3202 12 3 739 47 266 893 284 801 41 45 344 190 300 83 5536 1694 440 519 1 +0,2896 3857 29 3583 15 1078 4 4204 58 8 2989 1162 0 62 172 95 11 62 18 19 2051 52 29 767 5 26 2174 15 1078 4 2733 62 4203 58 1 +0,116 58 13 714 0 695 9 16 281 1215 586 183 394 377 8 95 12 105 2 694 0 10285 4 16 202 119 65 1 +0,74 464 160 7 57 923 0 3832 4195 1628 79 5525 15 231 3215 9 0 59 604 1470 19 7 10 121 793 1117 23 185 1775 1 +0,5879 62 13 1662 3272 2 0 8499 1280 5181 20 2486 10518 729 1 +0,845 148 7910 609 959 3299 646 4638 651 69 801 15 1690 1 +0,6332 8019 4 3715 522 284 871 333 2 2047 585 142 1 +0,2363 1123 30 286 4 931 3701 164 1111 565 4 0 137 7090 1 +0,4020 4390 10780 513 173 4711 3699 9 1996 3726 1 +0,130 3498 12 5972 1059 2863 6 7097 91 8 57 1826 2048 5192 1 +0,6917 4857 147 23 175 5157 42 9834 19 7 213 1244 7 256 3172 1 +0,1576 3224 9999 2404 10819 12 1996 470 10 1263 3 47 4 1576 175 1 +0,4319 3253 344 301 854 163 9 782 863 529 1 +0,7739 1722 1504 9 5535 2635 2786 4 748 2851 2248 75 47 1 +0,4338 584 105 3113 581 23 4793 2 4692 1223 894 1095 1 +0,7153 9939 1090 911 470 5568 2 2249 1741 1 +0,7371 1346 2110 1798 765 10309 49 558 61 545 6055 193 1 +0,1397 495 1439 8118 2 10663 8173 2 9357 1536 1 +0,7638 1665 69 8939 3113 2624 20 307 5144 46 491 118 9482 19 1 +0,3079 1090 2736 421 579 9272 10222 2 520 3 38 2011 4584 2 5044 1 +0,4059 5517 1292 4877 1330 7 11275 42 527 1114 69 4823 155 121 491 320 3 624 565 1 +0,111 5677 481 1280 1122 173 8348 6 2708 14 3 363 370 1 +0,6927 3341 229 9867 8287 8577 4 2545 10441 10421 306 6 2489 30 1446 2 396 3 393 4 357 4600 5 9591 3664 661 2160 1 +0,129 1917 6562 7242 98 1047 24 27 150 2084 2115 3059 2386 3065 6 1166 91 2 235 925 249 0 367 523 68 7971 20 189 715 10506 1166 2 553 3611 8 16 434 729 23 3432 395 2 84 3059 2386 3065 84 436 896 164 1166 25 3308 1021 7692 1891 4077 4141 2355 1 +0,116 58 1598 2568 274 12 16 377 695 95 278 15 0 367 208 705 294 4408 3 1778 2149 712 620 12 16 882 4653 9901 385 1 +0,129 4127 4376 607 1915 745 24 1059 4477 1713 58 1 +0,7682 562 5 3 183 5066 2784 1114 69 3 9846 2052 1068 703 3 3199 494 0 257 6 592 8 211 14 0 7663 4 6901 1800 3577 39 3 48 47 8517 10883 3 2118 1122 3 3358 53 0 618 1640 10492 337 6 10493 9753 11312 2229 21 2536 5255 10 3599 3331 1 +0,129 4125 7508 6213 24 4189 3 10881 4673 2 524 949 958 408 830 58 1893 147 3 217 742 113 1269 5 487 1468 15 347 191 4 2683 805 6 9994 546 3257 2573 5 3493 896 1 +0,129 2357 4098 607 1043 24 116 58 1598 7 1461 1215 377 1450 3 719 5429 2457 86 12 0 247 4 3 751 620 10 0 367 208 705 294 7 1693 882 775 118 132 0 62 1247 16 105 2152 170 153 12 16 202 394 1 +0,607 1915 745 24 11 1387 3370 3321 9 1236 943 2045 3225 114 25 1662 918 333 40 72 1224 0 5067 8 602 746 58 1 +0,129 4125 6959 74 205 24 2271 0 5303 4 0 1083 0 10726 4 0 1123 68 34 8757 429 350 4 1219 5387 2615 134 6 49 8816 8 0 685 359 274 4 0 204 1 +0,11 1805 10736 5 0 5391 4 3 3690 2666 8169 6 0 9626 1454 8187 0 4503 14 35 2155 6 1991 8680 1612 245 615 160 7 1416 0 4702 4 3 10344 11265 71 215 4967 211 455 8328 32 278 49 458 166 8233 9118 6 114 2470 1 +0,129 6500 4065 2393 24 27 835 173 676 677 5188 2066 70 5 512 228 2 5535 3 2786 4 0 2851 156 2248 84 8712 49 61 3 104 1429 75 919 1917 1610 4206 820 4 4039 7062 13 362 2 279 530 389 2 77 103 291 3132 39 10193 2066 2 57 2500 4 9578 4573 71 8159 2 646 1434 2 3 10320 220 1 +0,129 6952 6395 24 577 0 258 527 2 130 97 1187 7 178 609 307 163 1292 1429 29 1144 1116 1290 4528 11059 6 10848 15 3 811 4 5120 5 185 361 1 +0,130 172 70 19 85 488 3 363 439 3655 2534 4 16 178 609 307 163 5 496 916 5 838 15 19 10928 2 783 2659 143 911 2555 9035 23 0 520 811 500 163 6 114 2673 1 +0,116 58 1598 29 337 0 2705 800 9 16 377 695 86 2186 0 2744 9 0 367 208 705 294 7 9447 1215 202 143 1085 116 105 2 516 21 1333 695 2 425 352 289 104 400 10708 39 1692 0 2705 1 +0,129 6757 7494 4276 6862 24 27 62 8931 60 4 264 20 1370 6 0 372 137 240 44 16 943 6 220 137 8678 114 25 1516 3 1528 12 0 2104 3511 240 1 +0,129 7942 6800 638 24 11 781 4 130 97 1187 7 313 927 4408 81 10 0 41 45 1 +0,129 4127 4376 607 1915 745 24 6670 2 10855 3 170 1361 2711 3033 1065 4 324 2610 28 3 38 1251 1787 220 986 1087 2 1704 1721 10231 1466 568 0 794 9 730 9305 1 +0,1059 208 705 294 116 58 1598 29 2214 49 61 1866 104 4 16 202 2 1965 58 4393 5 3 1528 10 10489 3 894 1028 9369 44 16 377 14 0 2548 4 9017 3 9969 524 1 +0,129 6957 7834 74 205 24 464 121 491 900 8 4474 40 162 7 59 252 121 3237 356 34 8417 120 121 148 6 277 5 183 844 29 34 1856 6 9744 1 +0,129 6760 7253 24 353 3 624 894 1138 3 829 62 10 582 16 5168 2501 0 3663 372 193 404 20 3100 434 1817 13 1993 1095 2 8540 450 23 3 930 1439 229 4 3663 372 371 8545 6 11237 4180 3853 745 206 5781 7029 7736 97 1 +0,11 5171 72 9 8753 23 4959 5 111 332 635 13 95 14 268 451 486 9632 20 0 1077 190 860 4713 1716 4831 2 8308 7793 13 46 491 4855 908 860 210 256 2656 20 48 1077 190 2691 6138 3079 6 1207 2363 1404 1 +0,129 2357 1047 6950 80 93 24 6386 2154 3 62 7 1199 6 2305 1174 3327 262 6177 5612 9771 1 +0,2949 2 40 65 7 5489 23 208 705 2569 290 0 932 3024 2985 7670 1054 6587 7 3030 3024 5861 4200 3858 6073 4202 4243 9 7038 7503 2904 7223 2 7429 6427 4209 6445 7778 7280 2949 7779 116 7578 4200 7283 6287 3802 8 3035 7678 +0,6294 5 2035 890 4 3 932 729 7901 10627 1122 3 5579 4 4729 50 0 94 6 193 291 118 50 245 932 729 8 0 899 1 +0,6469 8315 434 1232 1767 1413 121 2 1082 185 621 1292 10649 8389 4 932 5158 1 +0,7767 4 426 11259 10158 10 9595 185 220 568 5175 5919 9594 10859 6 11144 8672 12 1965 7 1778 3717 11130 1 +0,116 6 1965 172 195 10 46 32 5284 48 4656 1267 197 0 275 1 +0,2949 2 40 65 7 5489 23 208 705 2569 290 0 932 6919 7441 23 1396 1901 7674 575 2338 250 4202 5989 7414 116 2266 7107 353 3024 7592 851 7660 3 1642 1037 1396 6742 3731 6183 3052 7569 2952 14 7943 7521 3011 +0,1713 6031 352 4 8699 1713 58 195 5237 3 352 113 1296 3309 2644 1319 5 575 1044 206 2502 3 557 367 392 4 2481 1069 6 2569 11 352 1319 31 5237 23 3 238 2502 4807 54 43 8642 1713 12 0 2147 1310 187 2 2502 134 577 2030 1 +0,4005 5859 1396 1901 7221 7462 961 78 29 2501 0 182 3256 1834 6 2767 2 235 12 963 1094 4 455 1834 2767 6 8825 32 3 1848 3551 9 932 8823 11357 6 996 489 1539 11050 12 1472 0 729 51 2 1699 46 1094 436 3532 799 1 +0,1396 1901 6996 7067 7447 7146 2 3835 1577 2 3 624 1026 8601 20 4297 3487 6 2907 5 1161 367 725 191 1756 2814 2 673 5632 153 12 5733 4 99 367 2709 9052 64 5220 1059 191 30 302 2 673 115 115 113 4 2228 725 191 5 1 +0,2888 751 6740 7858 116 377 691 0 106 4 0 377 698 49 116 2497 116 2716 7 882 29 1976 5 21 2783 660 4 751 712 1352 0 620 31 1662 304 132 0 377 4970 0 751 620 140 32 4550 56 1945 2624 44 1296 377 5734 5242 1 +0,116 377 3858 4193 116 7 377 1674 13 1489 520 116 6 16 5527 1099 2 520 0 695 9 0 400 4 116 2716 7 3896 27 1695 202 14 374 1566 3 486 6327 490 72 8 95 430 739 250 116 8257 793 32 3477 3 8256 2329 23 5023 4924 91 155 121 1 +0,2864 6070 2807 104 377 6180 1070 6 2678 51 62 2864 97 25 3166 105 9 3 2807 104 586 183 394 416 2 545 143 980 19 18 5 3 3571 2564 8 70 2864 84 1247 16 3489 10318 5 1582 4 40 47 89 76 4751 0 393 1 +0,116 377 7432 6364 961 116 25 192 35 377 2705 1700 14 195 9 485 2 1519 9 0 116 586 183 394 1373 11400 2 5164 5 116 7 586 183 394 32 631 139 10210 195 2 1519 9 0 695 14 5023 4924 91 187 2 3 679 1115 81 8 1 +0,1870 0 116 377 462 0 421 1012 389 0 994 6 156 92 25 90 1856 116 5 4447 4 120 55 34 0 199 6727 4240 4189 4 202 5 551 464 121 30 5256 40 3201 6 32 76 90 1272 8 1381 9 0 421 47 121 1 +0,3835 1396 1901 5971 11 356 234 2 1220 256 4512 20 0 208 2046 13 2 1220 405 138 10365 2767 10 64 1014 557 2 1733 173 10385 1176 155 185 1341 13 76 4512 20 405 138 4 0 2767 2454 19 140 34 10137 3164 5 0 1 +0,116 2923 6239 2 34 5855 7735 723 10 0 575 2338 7040 1056 13 320 21 971 50 6001 4081 7 156 3824 3824 3487 963 52 7 90 10299 232 526 132 0 57 2081 11113 2 2736 60 40 72 13 10 4081 25 760 116 2 8908 35 2023 1 +0,11 1596 7996 10 0 107 2636 392 10 2627 134 9587 1798 6 921 8351 5 21 1716 13 3732 2 2536 11037 1 +0,407 7 176 8738 1454 32 3412 51 12 0 1984 240 195 5 1854 4 0 258 857 2 8785 367 1984 300 1 +0,260 8303 32 1088 11330 10 1675 1409 1363 3698 42 184 1415 135 567 3699 2 1492 164 5 3 645 2 2139 11222 854 2 5334 301 1557 0 4375 1 +0,11 3551 4 40 971 13 2 8069 3 183 4844 5 3 3417 9025 1024 0 4432 9284 20 21 3408 4732 163 6 564 277 138 10095 1659 4 0 2635 8259 5 715 2 478 1156 19 1 +0,542 971 3261 468 3797 4242 3912 12 178 1949 1161 84 1415 3098 2 5240 344 371 132 884 203 585 392 854 20 43 9019 455 3442 30 51 2 1699 187 2 3 8227 142 1280 1 +0,117 40 971 600 29 711 14 3 2099 2 4561 0 854 982 5289 4 3 62 7 10585 71 3334 542 385 13 2607 2 672 154 9 426 54 30 9719 1152 0 142 4 3 392 287 46 30 5 1262 9096 71 796 8639 1 +0,542 194 6 131 368 4 0 567 10136 922 728 1004 14 230 2 5103 0 142 2714 5155 5 0 1503 8141 6 564 1004 14 138 2147 3642 3233 5 1458 4 0 6692 1 +0,7669 503 23 99 0 11297 4970 11 57 1708 10 29 1416 34 0 356 1330 9 385 142 13 3 8573 142 2143 1 +0,755 1935 66 9 609 10502 3 1312 1079 5 130 7 142 5199 1369 7 933 121 284 9481 0 9956 6 453 900 185 1334 1 +0,27 820 47 266 343 25 5188 2066 2 9537 350 4 1227 6 41 45 107 1429 12 0 2851 326 931 1917 1610 4206 4 4039 7063 1 +0,5799 21 4986 1700 3 809 79 14 3036 6137 4308 832 2016 3 48 1482 8080 10310 2 2690 10 3 1150 10626 229 55 277 4705 2466 235 204 739 +0,602 25 3144 1531 2366 84 4714 173 898 905 72 2104 4926 3253 6 5011 12 2902 2876 1196 1368 6 943 3044 1196 170 14 3 8335 370 4 3769 204 169 +0,4233 3045 4823 114 10962 9 2058 6 372 10 4714 905 72 3537 1554 5 57 4630 6 2606 2118 8555 2902 2876 1196 1368 2366 6 943 3044 1196 170 4233 3045 13 762 210 9 3 3679 725 370 4 73 3769 204 169 +0,11 4973 2369 3042 210 25 49 61 57 104 2196 762 9 871 5 0 56 0 43 367 481 365 175 2 488 981 3 104 2740 8425 204 169 +0,5833 0 1828 4 0 1465 2643 5 313 6770 1565 1865 11 1465 2643 13 5 1723 57 4 426 99 597 1515 4829 4 21 4975 671 9 0 466 143 165 13 3 671 10 771 562 1848 771 19 722 566 6 1004 5470 597 7175 4 455 4854 8 35 621 13 614 2 200 0 1465 2643 3 1828 35 8553 164 8787 6 4686 3392 4 9258 13 120 2095 0 3255 5788 5 138 1843 6 3691 1765 1543 1768 3 1541 10 1004 15 447 15 1379 7868 6 3 173 2074 4485 457 1070 581 10 25 4678 1206 5 10179 2580 6 11437 9 528 6 138 4 0 1517 9 0 1465 2643 3507 68 34 11228 2251 204 169 +0,1 1865 262 135 943 8174 522 5 0 1034 370 1428 13 3168 4 1233 322 2754 1461 4686 2879 15 602 569 7 943 3044 1196 170 2251 1565 470 4134 1865 462 372 3544 590 2 494 35 10296 2 0 119 661 19 569 7 1160 3 1812 711 2251 204 186 +0,2889 6994 7470 6 3799 7785 14 3040 254 2804 6462 2358 4188 853 1659 114 9 9209 4699 173 1146 8179 9873 961 138 818 161 2 323 161 4699 5 309 30 2358 206 204 170 +0,5876 14 40 47 569 7 4227 254 10379 51 35 2753 385 163 2735 12 0 38 4227 186 226 6 8171 35 700 8000 164 2123 1283 204 170 +0,6599 3010 712 172 188 0 919 7110 452 5 7135 10 19 25 8190 6527 0 712 569 7 5255 569 7 3186 9 2279 844 4 250 6793 1570 +2,24 219 271 209 863 4 903 9 0 59 460 364 445 2183 33 6 564 280 60 52 89 90 964 2 0 126 79 9 0 1447 7 570 445 625 131 271 726 687 848 6 1622 1338 1706 1603 6 2221 2346 2344 64 877 61 0 1548 5 0 460 513 1502 1 +2,24 7909 4154 7291 1260 1844 6 989 5 133 675 1744 0 2290 7426 355 0 575 1896 2998 351 139 8 136 110 575 1896 31 1758 60 4 3 911 4 0 1618 1561 862 231 12 0 386 6 461 7 224 44 1052 1167 991 5 0 106 1 +2,125 212 2844 1037 797 734 2 108 3 384 699 59 112 144 9 0 88 128 32 9323 0 2791 51 1228 10 0 3948 1638 276 30 1711 278 155 2756 32 76 1 +2,24 11 1358 952 802 601 57 137 4 0 1035 940 231 2179 133 675 5 0 43 340 6 972 0 835 1403 289 73 136 110 291 168 675 20 4353 4024 6 3069 1615 1 +2,24 2345 6626 181 321 2718 9 1052 1167 6 6789 3874 89 48 2718 9 6160 15 0 6518 6 6199 901 2 3 226 226 2769 136 110 1 +2,24 1399 829 29 504 650 4 16 43 420 403 5 3770 103 15 0 262 73 79 5 0 390 11 7791 1714 0 176 1538 5 0 2682 1036 378 2130 296 136 20 3567 1571 4 1345 43 422 2790 6 73 5722 1499 1 +2,24 2928 7 6454 7293 124 0 4046 4235 330 9 189 43 3073 1959 403 972 6837 6841 4 0 2877 1393 289 139 170 115 115 170 136 39 409 330 336 5835 7106 5599 132 0 2183 213 4 3 10555 1471 1 +2,74 17 219 271 26 43 112 144 10607 1734 5 772 164 0 119 2124 4 26 9920 59 2003 5 0 2591 4 0 460 666 445 33 42 0 9489 4 0 1833 274 31 2006 1 +2,74 17 27 8856 11421 4 59 10315 31 4483 33 102 1914 92 2616 336 2830 4150 656 2 200 0 3738 9 26 3191 12 21 411 2114 1 +2,1918 1208 17 2414 3081 656 2 200 0 182 4 3 2155 2072 453 5 0 41 45 839 534 194 346 8 136 780 2 3618 9 3 77 243 1788 3779 1 +2,74 17 211 9 3 649 10 9016 189 613 6868 6157 387 32 90 0 1614 539 4 0 151 177 1 +2,80 93 17 149 4190 10964 26 238 79 20 5262 3 48 145 1143 5 0 1240 340 2 988 5 0 222 274 675 84 1714 0 111 332 1648 3 115 186 108 44 0 1261 4288 6992 5 0 126 467 136 1 +2,80 93 17 6129 539 4682 48 2596 6 6795 6476 7 48 145 546 5 0 1813 340 989 5 0 457 675 15 0 2751 826 1585 4778 0 1064 1379 1587 374 289 5 0 212 467 136 1 +2,74 17 11 9431 4 205 5056 1210 998 1219 6 141 8197 8094 284 4631 19 685 2100 18 33 39 0 127 7 176 1219 64 2218 23 0 79 243 3 4614 4 1442 2760 1 +2,74 17 11 88 128 355 1039 5 3 92 356 72 2 3554 9 0 131 4 0 146 7 59 3288 282 33 15 0 48 8711 2163 35 4872 10566 5 1458 4 3 10392 1083 14 7549 1 +2,5886 0 589 2232 10 1758 135 8650 82 1331 1066 756 304 3 57 2752 231 44 834 1611 2587 53 0 131 346 4 0 1389 2313 27 534 1 +2,149 4190 10543 5 26 626 2 7518 1903 20 10749 3 48 145 1143 10 3427 0 1648 6 3598 6378 6925 23 3 2506 1 +2,2308 1041 5 0 6432 2099 4910 6 446 2 182 3342 4221 11127 263 0 2451 12 5591 4852 2086 7091 3141 6126 5376 1350 13 8283 8 0 10963 10836 8990 9698 1 +2,11 1648 2827 7469 54 713 95 110 7 137 12 0 4894 6 2747 122 14 0 79 1747 109 1444 26 1216 4 3 133 137 5451 1115 9 26 9608 5 0 833 822 8333 14 828 6 611 5342 0 3503 573 124 69 34 8981 2 521 631 86 14 835 1 +2,329 3080 1260 6 1414 133 1462 5 441 889 295 0 461 1175 44 0 3727 1052 1167 3944 66 226 109 1 +2,577 4285 4386 4534 9 3 2680 2581 8842 4 26 258 4795 1471 0 471 331 75 110 1071 10216 2 592 8 568 180 15 6209 6892 9516 4612 2 10469 0 4615 11 331 2078 2601 46 85 200 21 2439 75 110 8 4386 7 1471 42 865 35 1792 188 0 43 340 4 0 137 1 +2,3010 9593 14 0 131 6140 683 1635 6082 1826 2142 21 8194 3464 3074 4143 6 7401 4099 64 0 2561 4937 9 0 513 316 8510 14 0 2859 2308 7940 589 75 65 4143 7 2138 11439 4587 4 87 3074 3074 87 23 0 1083 4 1864 2086 4099 215 0 738 1100 3745 87 3077 13 52 87 11 5224 1 +2,1911 1410 7299 173 8 0 8295 10074 2350 2362 1647 1634 13 3 791 11388 9683 15 710 3 3362 868 15 531 104 68 479 165 13 1081 12 10617 8945 10 55 546 15 10739 5372 6 1235 8373 10 284 5281 8979 1 +2,74 7658 1318 2940 1608 6 1607 1639 64 2218 109 23 0 685 59 79 9 1279 872 1153 42 35 2559 31 215 5 0 1742 4 0 465 59 1359 1 +2,7456 6524 0 2811 1189 6961 54 31 1758 60 4 0 7405 386 2 2342 635 75 2989 323 6 89 5351 2758 5 1928 31 374 9 818 9 3779 3751 5 3727 2374 7 1867 742 2050 108 44 0 575 1044 3774 75 110 1 +2,95 110 506 15 337 2 21 266 72 1002 1221 9 11305 335 6109 186 139 6 289 15 600 491 362 2 1024 165 31 3 11109 2 1296 1997 1296 4753 6 278 1296 7810 276 15 0 77 1002 87 10041 87 5340 51 3 730 110 4 1317 5222 1352 471 331 1067 331 31 8 2286 186 7 87 2733 87 1540 2286 2255 19 1 +2,273 4266 1581 2297 701 69 278 32 72 2 167 26 1560 174 10754 9622 10777 8 0 5373 7391 1954 482 75 110 132 10613 3 66 66 2769 9 0 3018 83 1361 938 88 6438 339 909 39 9020 0 137 15 3 589 5432 2297 3164 3 363 492 23 1265 0 3503 643 6 2055 26 79 7 5522 1 +2,7193 98 1047 7603 7025 5906 950 802 503 5 0 3667 2 108 0 1344 161 6245 6618 14 7079 1194 109 9030 0 1331 159 9 139 9264 1 +2,1911 1410 464 52 64 1969 26 1970 1376 1600 85 32 89 0 736 82 10525 8 26 9696 6 10400 0 1420 4 0 1486 6 1238 1885 1959 1 +2,1399 829 4929 306 4 16 43 2682 262 73 3559 248 5654 12 8064 1 +2,1911 1410 462 530 2070 7680 5847 901 9196 3362 5 109 7 194 346 133 8266 6 740 10113 165 1158 69 631 52 31 1711 2128 10 52 985 10 19 1158 69 15 447 3 106 15 52 89 924 10 52 89 181 3 10355 8304 1 +2,6437 6 1013 9 3985 6 4067 879 903 9 3694 7 1371 1179 1624 1 +2,11 1149 32 118 1101 35 131 10274 9 0 282 6 903 5 281 895 2224 61 109 1 +2,11 4257 3972 1638 2529 4842 230 121 68 200 51 2134 14 0 1371 4597 1 +2,11 4257 3972 1638 1513 164 16 5221 568 11415 50 0 11119 71 16 726 11 878 25 90 8 7689 282 76 3993 9311 1 +2,3985 11083 6 4067 10675 42 141 646 9 2492 310 7281 7703 1720 0 3178 4 3993 14 0 282 1 +2,27 384 158 231 10326 9199 9 0 4255 15 149 6811 1462 3 5712 3750 482 3360 136 2 777 0 3001 3 821 323 2116 108 1 +2,6251 420 336 3062 1673 0 250 283 674 225 19 215 82 0 47 132 15 0 176 1514 79 5 0 24 2416 352 2130 1 +2,639 64 547 3479 4961 188 1405 2411 7 43 5327 4 1245 1793 8 136 1 +2,7784 6677 0 48 72 1350 7042 3010 4 0 47 2211 3 115 66 115 226 386 2 1570 47 266 9629 7006 433 0 5611 4551 4 238 5212 6 5661 4387 9172 6974 1 +2,3837 204 740 1176 132 299 328 10383 51 0 1899 1887 6 611 2 703 16 8933 8 7317 7398 6194 0 1573 161 1350 5995 7651 9 2966 8339 9167 6 9815 89 90 1148 82 0 1331 7 355 51 11201 868 1 +2,497 139 1452 268 5643 2681 63 3134 1054 6465 1004 49 166 0 3896 5750 4199 6944 7 8231 61 57 4 0 1354 1934 176 5229 1 +2,11 41 45 288 7 6 146 7 3288 79 505 192 92 4506 5 0 59 5311 438 33 966 12 431 2119 7526 7159 6 5828 6612 1 +2,219 271 13 1010 2 0 2258 364 445 625 79 10 29 2487 5 33 7 131 1472 3107 26 1797 9 3 719 441 59 112 665 1 +1,17 962 735 60 382 6 5 710 1121 8 33 2 456 5 3 659 319 10 29 3289 5274 215 1159 101 261 251 23 489 71 777 180 3 38 2097 2 2579 9 0 119 48 103 1 +1,17 227 1051 369 404 599 8403 5 764 3032 33 2 4755 14 214 289 161 5233 3718 0 107 2 5299 3 1431 649 2 804 49 196 2 100 1 +1,17 1956 4 692 721 5 411 5026 611 3 1110 454 9 478 980 33 42 538 7 142 1120 18 52 701 69 863 155 46 3656 2 769 1 +1,125 7645 3369 6 10690 209 422 1491 5 0 8885 1365 233 4 227 1192 5 11310 4 3 3346 1687 3749 321 1365 10669 1 +1,24 2298 4 1627 810 3337 53 315 7 1556 298 233 33 0 43 881 1417 584 3252 5 0 643 248 743 1481 611 3 3558 83 1222 633 2558 515 350 1 +1,17 1627 196 64 8043 8 33 2 315 7 298 15 0 43 881 584 160 2636 2 801 1779 1776 3 1686 616 197 0 576 107 6 907 5 0 1556 681 233 1 +1,24 27 1423 2053 188 21 2331 1041 2667 5 605 7 1803 3474 33 515 14 214 818 94 360 3600 310 3 1308 475 188 3 2475 14 3 676 5 0 2184 233 4 4084 2604 632 134 18 1 +1,125 325 7 881 1120 29 556 3 1515 816 2 413 689 40 65 9 349 8 16 1488 5221 39 1233 3 10900 292 20 1854 3 413 1051 1278 85 34 1209 2 246 1400 1 +1,24 636 594 1998 149 329 771 76 318 2 816 312 5 0 4426 4 299 328 213 52 7 3210 26 581 9024 55 8891 23 2702 1095 52 18 136 1 +1,24 636 2241 594 1998 149 2301 358 9 1230 2 3531 872 1507 6 10257 320 3448 149 329 7 388 6 107 175 14 21 10052 581 1302 292 136 1 +1,125 1352 2131 452 0 56 594 282 3 1853 2025 1257 2295 149 329 1663 2 34 3352 21 1239 44 947 2424 152 335 0 257 3657 10 55 1435 0 10050 1 +1,24 1360 793 1492 9714 2 801 0 390 7 8976 3367 155 19 1340 2 1220 10496 4 0 2514 10048 10 1135 290 441 3657 75 47 1946 6990 6072 1361 7887 18 136 1 +1,24 7066 7 3125 996 5437 0 512 2543 354 8 95 595 19 13 291 8 1152 0 150 7 474 9 231 15 10504 20 893 1 +1,744 17 4052 1249 5110 14 3 1276 225 269 1271 1277 2 1494 21 1752 420 1666 33 515 14 214 48 94 5 3 2581 3576 4 0 127 7 11134 3501 926 1086 1 +1,638 17 1957 466 3460 1015 9426 14 3 1431 628 9 259 2025 33 0 5720 8082 4 313 7 379 1407 686 2214 3 592 10 3274 8075 23 936 9964 1 +1,3895 197 56 196 6 432 1481 9041 86 15 0 56 10989 253 9 719 2729 1 +1,691 33 962 29 1435 287 2 265 807 0 267 7 1151 84 13 416 2 157 5 1568 1 +1,2271 3 10436 134 40 65 2693 0 8581 1699 9 3722 122 2 5665 1 +1,7726 8 2186 51 21 269 1666 767 583 617 598 5 1170 6 0 4296 10931 4 253 1 +1,27 319 13 243 234 5 272 2 1435 155 101 261 251 284 1019 5 489 1 +1,428 8038 1062 149 414 686 123 1188 14 4119 0 409 628 5298 20 1942 6091 1 +1,1627 196 4464 5 315 2 154 801 1687 2649 5 0 259 2698 298 233 1 +1,687 848 3617 0 1246 72 5 0 3764 445 15 1544 7 176 2652 4694 53 0 2723 1455 1 +1,1183 7 2830 7065 11402 23 0 177 1214 8615 44 26 1517 1 +1,4280 5921 7 5345 2441 3 2084 155 52 68 247 0 345 4 21 5004 53 219 1916 7 3702 20 369 1 +1,11 100 869 6 8847 44 7141 9758 44 0 56 3933 2397 7 1276 12 26 314 3221 1 +1,1046 6 227 1192 5126 0 2513 4 3 2233 46 2568 583 723 4 3 1852 475 1 +1,11 260 2614 54 31 9648 5 100 123 52 1450 9906 9083 6 1843 2 9044 26 8412 1 +1,27 343 4662 4 10386 6 515 3 10637 13 9368 5 605 7 43 9082 5 1012 103 1 +1,4032 7344 2447 6758 7486 8794 3 809 229 4 1100 20 884 189 43 183 5256 5 4284 9 133 103 1 +1,533 7277 8 505 1816 30 975 19 0 182 10218 6 3393 237 5 272 7 551 3 594 424 319 195 10 29 1438 0 868 4 1086 292 6 55 8365 92 67 96 5986 4562 30 436 11281 3217 46 29 108 1 +1,412 691 3 11007 430 1211 947 4379 11360 2069 26 8343 26 1317 9619 6 26 10375 53 3 3470 10652 4400 0 10303 11218 474 8599 262 2255 2471 15 19 3584 16 10594 198 2324 6663 5 1378 7 8381 179 976 1 +1,1377 375 7460 3459 8496 5 681 375 109 2164 515 1569 94 6 10380 51 2492 50 142 15 0 127 3530 9 2623 2535 1 +1,744 353 49 61 3 65 4 443 197 0 6968 1169 6 0 3202 56 6 269 444 5 253 1170 7 432 635 6 3 779 1093 135 4600 967 148 9966 1752 501 244 2929 2270 9988 1300 480 1383 334 432 89 245 447 3486 215 135 61 2 1326 1 +1,7499 313 691 3 8522 1211 5 40 10753 2679 179 21 351 47 266 4920 8929 5 1421 6 8527 3 8327 8737 3735 53 0 9775 14 189 8977 676 7733 6 2208 9252 8151 0 1533 9329 788 9 189 9731 9955 89 9331 1749 9406 42 912 1512 8881 10 9511 2800 18 20 11280 3 547 1 +1,7498 3864 6652 435 4162 444 43 506 2 3864 217 3 2027 380 46 3433 5 4953 3368 8584 10124 0 917 5 1546 6 1782 11410 585 3156 8131 1 +1,4272 462 103 1610 7951 6784 892 189 3605 7899 8097 760 6 46 510 99 0 72 15 189 4577 15 21 8002 6 1280 5393 912 2732 4720 0 5314 262 912 31 76 3 9225 1950 31 1051 1 +1,533 272 11 669 7 174 6 3153 581 2 2663 640 101 261 251 993 506 198 2 3 424 319 33 12 0 1762 294 1463 3 514 5515 335 0 902 29 553 180 5 558 3798 8 505 1816 192 82 4881 6 8276 10424 4 2469 365 2 2791 817 552 132 2024 1463 9 3 4890 4 382 2790 5 35 4864 1 +1,1060 1045 831 353 776 3 43 711 14 0 2245 1434 215 291 20 299 328 312 1133 64 1450 12 0 4457 1833 4 5383 164 0 2250 6 9 138 916 44 333 1 +1,6956 299 328 1505 29 76 646 6461 786 10273 2 10743 166 2810 7 1580 6 9156 1266 284 222 1985 23 2671 60 4701 302 2 673 0 3149 4 987 150 6 240 134 18 136 847 148 1503 10272 3396 6 10071 181 213 4 1580 0 182 4839 5123 1091 5 41 45 1 +1,1060 1045 831 353 776 3 43 711 14 0 2245 1434 215 291 20 299 328 312 1133 64 1450 12 0 4457 1833 4 5383 164 0 2250 6 9 138 916 44 333 1 +1,74 205 219 271 209 863 4 903 9 0 59 460 364 445 2183 33 6 564 280 60 52 89 90 964 2 0 126 79 9 0 1447 7 570 445 625 131 271 726 687 848 6 1622 1338 1706 1603 6 2221 2346 2344 64 877 61 0 1548 5 0 460 513 1502 1 +1,533 272 11 669 7 174 6 3153 581 2 2663 640 101 261 251 993 506 198 2 3 424 319 33 12 0 1762 294 1463 3 514 5515 335 0 902 29 553 180 5 558 2990 23 263 0 92 360 1062 149 414 686 6 41 45 1 +1,80 1892 27 1423 2053 188 21 2331 1041 2667 5 605 7 1803 3474 8 33 515 14 214 818 94 134 18 118 21 784 39 501 244 4140 756 10198 2 615 1836 11 10056 88 4112 6490 4 5863 31 2216 4 256 291 0 475 5 2275 150 6 3 63 57 789 5 0 643 18 2275 6731 537 4 1391 6832 4293 1 +1,7199 7830 2308 6 2062 4 4118 4023 1734 136 9 3 9847 175 2 2162 0 1563 5590 476 763 31 5369 20 189 2598 310 912 10755 1870 2259 94 3124 0 175 360 0 1290 4 505 4118 4023 6 189 2598 957 54 25 90 977 12 189 2651 1 +1,74 205 219 271 209 863 4 903 9 0 59 460 364 445 2183 33 6 564 280 60 52 89 90 964 2 0 126 79 9 0 1447 7 570 445 625 131 271 726 687 848 6 1622 1338 1706 1603 6 2221 2346 2344 64 877 61 0 1548 5 0 460 513 1502 1 +1,1919 684 27 4903 1062 149 414 686 4575 21 520 474 1188 8 33 15 678 2597 2768 3513 232 5 5588 2020 2659 3 482 391 3 409 628 2 0 1207 2965 10 13 2443 12 5101 2022 4 0 913 11 1188 31 3 9411 4 0 1062 7 48 106 816 2 4119 3 1029 5 0 7377 225 1942 3888 11145 123 1064 1 +1,100 29 804 196 2 253 2 1221 3 540 1925 1007 39 717 349 3200 197 0 107 6 1383 432 1 +1,11 4857 23 7591 443 41 45 6993 5 3 484 179 55 11349 100 7 38 107 +3,17 11 4556 6 0 4498 30 5 40 925 5326 35 2589 6 3745 120 7 549 2 2584 119 1 +3,17 845 1282 1254 1753 5 223 716 1753 5 4524 837 3 38 4541 4 1254 13 394 0 864 2 621 3329 4465 1 +3,17 2402 509 96 1790 458 50 0 221 6 0 1289 9 383 30 302 2 2583 44 0 202 143 40 65 188 0 2035 4 0 919 2525 1 +3,273 17 11 4556 6 0 4498 30 5 40 925 5326 35 2589 6 3745 120 7 549 2 2584 119 1 +3,80 93 17 845 1282 1254 1753 5 223 716 1753 5 4524 837 3 38 4541 4 1254 13 394 0 864 2 621 3329 4465 1 +3,80 93 17 2402 509 96 1790 458 50 0 221 6 0 1289 9 383 30 302 2 2583 44 0 202 143 40 65 188 0 2035 4 0 919 2525 1 +0,1855 91 3855 792 5056 0 5169 3 1178 220 320 178 3788 165 13 3677 23 4849 3193 156 8138 11219 2 673 0 434 429 57 4 11 433 1623 7 481 2521 366 1833 13 2 5139 0 3441 122 2 782 249 366 8539 4086 1041 68 854 189 440 519 6 992 3660 23 168 1 +0,1967 1040 130 25 2149 3 1001 4 217 682 114 1507 10 5281 11206 5 715 2 235 12 16 182 624 178 527 1 +0,24 435 3 10211 12 3 3133 8230 9938 4384 6254 9 26 2448 8965 19 31 1459 4637 9 0 1898 8262 10 0 1537 13 5 2232 1 +0,17 11 9287 974 1675 10 1253 0 3136 9 361 140 436 34 404 2 1226 0 1155 3442 4 2653 41 45 724 18 8 86 1 +0,24 27 314 2000 806 2632 12 1325 6 873 3154 82 23 0 3847 4670 5 2343 8 70 1108 9 0 587 201 1540 3 314 201 317 18 1 +0,11 9845 4 366 168 220 31 366 9136 0 1134 4 780 3683 2 3 173 1146 156 4643 568 9566 3 3334 71 9393 426 10155 2794 2 871 2017 3716 9 178 6 579 931 114 37 572 279 929 748 841 843 856 886 493 66 648 824 36 37 326 36 11 433 1623 37 1668 36 37 1731 36 1 +0,270 13 900 2 1654 3 347 4774 4 4466 1113 3789 2 1789 5310 2 200 203 281 49 2182 10477 3168 4 1005 3135 8770 188 3 591 842 30 1236 930 1696 3789 114 10 8999 3 293 661 4 3589 1113 1 +0,577 49 61 186 161 242 360 1571 2987 1625 2247 780 1141 3 679 5148 0 152 610 7 309 4 1523 2432 40 237 47 13 1524 3 38 700 5 0 5528 1520 197 727 6 2676 1 +0,129 6949 6221 24 299 328 7 1033 2108 584 209 2567 20 2759 6 1140 118 230 2725 3 727 19 184 13 2 3528 3 731 7 5016 278 12 99 0 258 1022 6 5245 193 2365 216 3386 477 216 20 549 164 3 1304 5015 1 +0,117 21 773 2 3285 0 390 7 9960 978 8 5140 3 38 1128 1337 0 4858 2640 4 372 446 2 2466 16 3456 11 6415 1904 6103 3 2118 4 133 220 446 13 1087 2 11057 94 54 167 5140 1212 322 15 512 1102 5405 230 2 200 478 309 4 35 1102 1 +0,7201 7241 6810 24 2286 10982 13 1485 82 0 4671 15 1632 97 1 +2,24 577 1050 937 7 1313 761 814 2177 2 504 5 517 61 48 528 3651 13 5113 10 3546 30 590 9 3 234 2 4754 0 2005 39 3 728 4 10672 1 +2,24 7322 1054 5908 31 8821 9 8148 20 0 960 2387 8 33 39 549 73 73 12 3 186 1344 6324 5 77 1322 1 +2,24 2832 1286 16 650 4 16 2303 403 12 3 186 73 108 14 3967 8 33 1005 19 3771 1324 446 568 3 386 5 0 2384 467 1 +2,24 1952 7 7402 7129 124 26 43 3795 3632 403 33 972 2273 7 2338 5784 115 170 115 186 5 0 131 14 0 4046 4235 330 1 +2,24 947 7960 4042 13 122 9 255 492 14 0 41 45 5827 11 111 7947 13 57 4 77 2168 10361 9 0 630 84 1673 28 14 0 7912 6467 6565 2867 1610 852 4 1349 635 3808 6 3003 2860 4 6891 2424 7836 1081 0 5512 23 75 47 7 2004 10 31 124 20 4181 6453 4 325 1 +2,74 17 1952 7 7285 6533 550 0 478 4 171 7 4394 4149 5 59 316 7 621 3191 4 0 4918 33 1 +2,1918 1410 17 260 330 336 3058 4028 181 0 43 3629 592 5 0 41 45 839 534 131 346 33 15 1491 10093 1066 756 3529 9 21 1211 11068 82 1 +2,74 17 1183 7 92 2616 336 2830 4150 10451 2 2487 83 21 411 33 11177 3 617 869 14 0 59 252 225 282 8708 71 648 30 4494 23 9581 5 1821 1 +2,74 17 11 88 128 892 787 9183 8 868 9 3 194 1324 59 3640 112 144 102 19 11104 325 169 226 33 1 +2,3844 17 219 1944 2021 2 3 159 3755 108 4 0 283 5 0 1371 1179 1624 8 33 2 1255 26 3986 79 3 1533 3676 4649 403 1 +1,17 1956 4 41 45 196 5 375 140 32 656 2 2474 2377 1989 2349 42 46 30 3227 12 4811 667 4 2826 2 1519 9 0 127 7 659 237 5 838 1 +1,17 4052 1249 5110 14 3 1276 225 269 1271 1277 2 1494 21 1752 420 1666 33 515 14 214 48 94 5 3 2581 3576 4 0 127 7 5492 3501 926 1086 1 +1,24 1894 0 5408 8494 4 5109 10691 796 6 10150 598 5 0 127 232 1437 14 0 714 8 33 4 100 7 212 1889 304 60 619 10 40 43 3346 5461 4 1086 85 5433 1 +1,24 11 41 45 1887 1367 8298 0 806 5 0 8480 1882 1857 6 611 4674 4688 1119 42 0 1121 510 76 664 426 1105 991 1 +1,327 378 1930 1172 1039 7 369 4591 3543 3 5446 4 50 352 2002 8 3466 3686 6 156 3150 2 2501 0 439 4 11046 53 0 2011 4 812 6 135 4690 1 +1,125 11 176 2295 8 0 1912 1113 3204 1030 3326 5044 76 2 1413 4637 2590 8 3 38 6048 1440 2 8815 1095 2 1490 56 5397 3103 1 +1,533 272 17 962 2020 2677 2746 8 33 2 456 8 287 2 424 215 1159 101 261 251 71 122 26 2097 2 2579 0 92 7 262 139 67 3314 9 0 119 48 103 1 +1,3050 17 6834 1259 21 1914 4742 5 100 29 10343 180 601 1571 552 155 1183 771 76 247 1034 721 1999 5 16 2808 2809 259 12 100 1914 150 921 18 33 1 +1,1377 17 1956 4 41 45 196 5 375 140 32 656 2 2474 2377 1989 2349 42 46 30 3227 12 4811 667 4 2826 2 1519 9 0 127 7 659 237 5 838 1 +1,7832 2947 17 11 94 4 2947 11276 5 3 38 2544 33 15 0 1155 5823 10291 5584 3 38 10592 6 1819 2 2188 16 707 15 3 3373 9 450 9694 1 +1,1961 276 4 3174 2 9433 0 5814 5555 54 9727 1145 684 391 3 8507 1 +1,1 6763 1983 7311 521 35 75 9303 925 14 3 730 4870 5 0 56 84 25 4476 350 4 1100 1 +1,3895 12 5302 369 9038 15 350 1017 5 3032 83 105 2 804 196 2 154 56 554 444 5 100 1 +1,299 328 57 4 0 182 1295 3661 5 0 390 7 551 1685 14 214 323 153 5 1434 5 312 1973 1 +1,74 205 219 271 209 863 4 903 9 0 59 460 364 445 2183 33 6 564 280 60 52 89 90 964 2 0 126 79 9 0 1447 7 570 445 625 131 271 726 687 848 6 1622 1338 1706 1603 6 2221 2346 2344 64 877 61 0 1548 5 0 460 513 1502 1 +1,1919 684 27 913 343 335 0 913 1062 149 414 686 2207 164 33 1188 14 3 409 628 10 2528 2511 94 1525 2645 2022 11 2262 47 266 3522 3354 3704 6 760 1655 9 154 188 0 66 73 66 784 175 5 3634 1257 1 +1,1911 1410 1647 1634 13 10953 0 214 4 4450 7 458 1 +1,533 272 7863 735 60 5 514 1121 33 2 1435 287 2 553 3524 101 261 251 5 558 71 2663 180 6 26 2195 2711 10 2019 148 25 5355 0 2102 1428 6 2572 11080 197 2171 6 902 3798 8 505 1816 192 82 514 3333 6 901 2700 2469 2196 2 2791 817 552 132 2024 1 +1,273 6716 1121 4 212 1367 6 1394 196 54 32 1305 23 259 5 100 6 375 30 9001 38 3140 12 35 4601 8996 14 168 6787 64 8982 1420 2156 6 5227 9232 1 +1,7390 745 27 1562 2572 11384 3587 164 21 266 5100 1029 391 7424 8 33 3254 323 887 6 3344 217 1864 1133 2 4887 134 18 1 +1,1060 1045 831 429 312 1133 611 2219 51 0 2250 215 291 20 299 328 134 8 33 3306 4701 15 173 15 351 153 9 9574 887 1973 1 +0,24 2863 58 0 156 206 1484 175 13 3 3562 5 1370 427 3 62 10 4786 4802 130 97 193 6 5271 8 19 4830 2 3700 801 6 986 0 2107 19 5276 2 300 2412 333 130 13 3 216 341 5 0 62 84 13 436 2665 20 1469 5428 6915 6534 1 +0,1 3994 1586 84 701 69 10147 40 971 249 141 7266 9 121 5904 6525 6 7722 0 43 8428 3194 20 8482 5502 11027 3 3170 5497 5 575 1044 86 11 193 31 1088 20 6541 7543 6147 3 62 10 10295 3170 8516 1 +2,125 6066 203 0 7169 1638 1 +2,24 3991 285 2335 4263 1015 49 61 297 311 161 2 3 312 303 10 181 667 803 3147 5484 2 4914 893 2541 134 813 11 2383 4049 1 +2,74 17 11 88 128 555 35 43 316 664 14 0 177 248 2809 8 33 102 1392 1395 775 203 3 3623 1574 1572 11185 1 +2,74 17 227 1873 3594 219 271 7 3273 4 457 3 159 441 112 665 14 0 151 177 12 3 2754 224 5 0 146 7 2258 666 445 131 8 33 1 +2,74 17 1183 8783 0 59 10833 8 33 20 10453 2 2495 3 2616 4531 12 21 411 14 0 151 252 1005 141 773 2 4960 0 1723 19 31 1796 10797 12 0 1621 132 112 665 1 +2,74 17 6233 7625 8882 99 189 8156 2 1239 7476 274 4 0 88 128 5 0 59 288 7 1740 79 903 33 1 +2,3991 976 2335 4263 1015 49 61 311 161 2 3 312 303 10 181 667 803 3147 5484 2 4914 893 2541 134 813 11 2383 4049 1 +1,327 378 6510 7255 98 45 1172 501 244 414 2964 31 1277 12 3 10727 1017 33 15 52 3124 0 1692 4 0 379 5783 1360 5 7188 7556 1 +1,7388 642 683 17 1956 4 692 721 5 411 5026 611 3 1110 454 9 478 980 8 33 42 538 7 142 1120 18 52 701 69 863 155 46 3656 2 769 1 +1,1919 684 17 1062 149 414 3 913 343 335 0 913 11418 51 3 4806 816 2 40 2645 628 33 6 2207 12 9610 8834 2 1248 3 10668 5 715 2 4810 716 3677 263 180 1 +1,74 205 957 1953 68 1020 1238 11 356 219 271 68 277 13 108 321 112 665 14 455 177 1 +1,74 205 117 21 1335 10 31 15 659 15 19 31 2603 0 41 45 146 7 316 79 555 9 241 0 194 72 417 5 0 177 8 33 1574 1572 2 1392 1395 1 +2,24 5987 49 20 0 1562 6 189 11430 11422 61 189 2114 870 112 3453 3068 852 10075 7035 6212 4 6681 115 73 115 66 5 0 714 664 4 0 151 252 1327 630 1581 1941 181 26 59 1085 12 3 115 170 289 115 186 224 44 6455 7540 4 1171 11003 459 7992 6 819 175 2247 1 +2,74 17 126 7068 4142 775 79 3448 6831 7877 21 4975 5684 4510 3532 12 21 1238 224 44 313 5 35 714 664 4 0 177 1671 2789 630 8 33 1 +2,11 88 128 146 7 316 79 555 2 1392 1395 1574 1572 11 386 55 396 0 126 112 144 1746 5 5028 1 +1,533 272 17 962 2020 2677 2746 8 33 2 456 8 287 2 424 215 1159 101 261 251 71 122 26 2097 2 2579 0 92 7 262 139 67 3314 9 0 119 48 103 1 +2,3844 17 219 1944 2021 2 3 159 3755 108 4 0 283 5 0 1371 1179 1624 8 33 2 1255 26 3986 79 3 1533 3676 4649 403 1 +1,24 27 913 343 335 0 913 1062 149 414 686 2207 164 33 1188 14 3 409 628 10 2528 2511 94 1525 2645 2022 11 2262 47 266 3522 3354 3704 6 760 1655 9 154 188 0 66 73 66 784 175 5 3634 1257 1 +2,24 7163 846 880 613 6238 3929 31 1249 33 44 7989 4 7977 995 2082 797 6 21 3121 613 3929 31 76 4984 5 0 1657 995 42 21 890 280 52 656 2 3443 3541 3216 4 0 3121 0 7634 1889 676 18 1 +1,1060 1045 831 3017 215 2595 20 299 328 7 1033 2108 2799 1712 164 35 2698 887 8 33 2219 51 2726 3357 6 5282 120 46 55 15 101 152 1509 1304 1705 4 1091 1212 1 +1,2943 3066 6675 4957 4182 2325 3447 3 111 332 450 2096 132 2024 33 5 21 9513 3176 187 2 228 3327 3477 20 11 1036 378 2325 323 3447 3058 1580 4146 1867 14 0 4104 4370 4380 3890 187 3 3894 2292 2638 1764 1 +1,273 6561 83 8663 11398 0 637 1394 13 1301 999 1130 5 21 237 47 532 19 13 2901 3889 2268 6584 3 606 54 13 295 0 2005 278 1027 21 4993 606 5 0 1067 1912 13 2555 11322 1846 50 0 150 4 0 221 1 +1,836 100 41 45 1546 6 196 1135 122 53 0 976 4 253 6 1670 12 540 1006 33 3572 598 5 0 484 179 118 15 1437 5 1170 1286 3 508 2639 2 34 3 2623 5 0 127 7 1483 926 1086 1 +1,533 272 4322 20 2469 860 6 3333 667 4 962 735 60 5 1845 1121 33 2 456 8 287 2 584 1762 101 261 251 23 489 6912 10781 9 1675 5 11266 5128 225 2760 13 173 10 0 1762 294 105 3 942 3672 8845 6 5 0 10765 225 563 9 26 2711 9 0 902 13 9153 1 +1,1184 11 411 343 14 0 976 4 111 1605 1909 1375 1362 1 +2,74 17 100 7 9122 59 145 867 8 33 102 46 355 6191 7453 66 226 2 673 0 158 1455 4 0 151 252 1 +2,227 1873 124 0 112 144 33 5 0 146 7 570 364 445 625 12 3 92 159 72 4 170 1008 739 632 909 1 +0,1 78 486 2066 78 486 3 844 7321 1058 118 57 71 48 8677 4 3923 42 1505 888 4 350 4 987 1160 4 114 6591 51 366 1290 701 69 32 281 450 6101 76 2597 4 350 4 987 9 792 2 2458 8 114 78 31 3232 6 89 3 10118 9 1429 10 78 2499 69 982 78 2732 1339 2 1117 6 2499 69 8029 2 556 9 114 6940 78 510 40 102 78 31 3 9647 249 9438 78 124 69 34 10317 78 436 763 10 2546 78 510 31 9053 78 701 69 494 245 450 60 4 0 1742 4 0 114 240 6 78 928 502 8658 7870 49 2 0 240 61 3 547 2597 2768 5 114 191 542 13 5471 1 +1,24 272 7 67 240 29 1242 3 38 1291 4 10866 6 449 39 33 7 319 8 261 251 7 5206 0 267 4 0 150 145 67 62 18 33 1 +3,1 6145 2425 13 3 4907 5608 54 4679 1282 1254 9 17 5845 10020 5 0 3201 30 10796 426 4 2368 2425 1 +2,24 944 7157 1839 3 1425 173 12 133 1462 360 3 222 274 546 5 1354 7 441 145 1240 340 6 0 1934 1799 9 21 351 289 224 44 0 849 827 1049 8 33 1 +1,125 2928 31 8 173 8048 15 3 229 1474 2 1348 1626 2164 1154 2 475 10734 60 501 244 4303 2278 15 3 286 39 0 9098 4 3 1700 9 7477 2 1795 16 196 60 4 100 1 +1,24 6078 21 2608 169 106 438 9 6744 7 321 1445 2790 636 2241 594 5133 149 2301 543 0 152 610 8 33 4 256 1999 20 872 6 786 9580 14 0 2548 4 934 3322 1 +1,6440 5 253 1154 2 11227 3 508 2 4593 3 420 1666 1 +2,24 3868 4348 1414 57 145 5 401 889 9 26 43 108 5 217 3 162 6 1258 575 1044 1081 3 77 137 1831 4 0 2383 3008 12 3 170 73 224 33 1 +2,74 17 227 1873 3594 219 271 7 3273 4 457 3 159 441 112 665 5 3 1443 6 1431 106 4 1544 14 0 151 177 8 33 1 +2,80 93 24 1939 747 209 3 133 2594 53 0 1013 340 2 154 0 1353 1895 157 3 1012 137 1274 2205 33 972 1201 4350 6 0 111 332 1382 66 226 1 +2,6330 320 122 3873 7303 29 1774 26 5306 283 39 8879 3 5351 5 21 2050 137 83 0 111 536 4207 1 +1,11 1845 456 31 5374 15 514 8720 3431 51 14 5567 8319 7444 64 76 302 631 268 451 486 71 789 1 +2,1918 1208 17 126 834 1611 2747 8 1331 9 26 63 216 403 5 0 41 45 839 534 131 346 8 33 1485 48 2727 2006 12 1012 2070 2 521 1 +1,1185 1163 2978 9318 64 1238 10283 9 3 546 4774 4 201 9596 11 10638 9157 10767 5810 3731 1 +1,74 205 117 21 1335 15 659 15 19 31 2603 1958 2891 1876 4063 6 0 1020 4 0 41 45 316 79 555 1574 1572 2 1392 1395 8 33 241 0 194 59 386 417 9 324 6 16 43 248 3095 3544 1 +2,24 6493 2312 5933 55 34 5355 631 0 3774 283 3482 2398 459 83 0 826 3975 12 3 173 215 4442 10849 1 +2,24 5791 5946 6 4294 4009 1260 6 1201 6447 246 3 222 274 3013 1143 5 0 1240 340 15 0 1052 1167 3944 1799 9 21 268 139 224 44 0 461 1175 8 33 1 +1,7811 7112 17 11 41 98 1199 2871 1277 5 1716 1527 8592 2857 8 33 879 0 5083 4 49 61 2807 4359 3909 2157 14 3 1681 5 681 2857 1 +0,24 111 536 7 8270 2483 11393 140 34 658 8 94 42 46 32 90 278 4947 8 21 936 3404 10 7 1838 2 4727 9399 57 4 0 10724 3703 4 0 233 7 2061 1 +2,24 7558 4070 3 632 47 266 23 826 1073 0 43 1222 2 108 0 5648 3632 2004 4 0 41 45 4341 1037 5992 7140 1 +1,17 1627 196 970 5 298 33 15 0 43 881 584 160 2636 2 801 1779 1776 3 2725 1686 616 197 0 576 107 6 907 5 0 1803 681 233 1 +1,6320 2900 315 17 1627 196 970 5 298 33 15 0 43 881 584 160 2636 2 801 1779 1776 3 2725 1686 616 197 0 576 107 6 907 5 0 1803 681 233 1 +2,24 4120 6089 1839 0 2178 12 3 1013 340 1143 6 10178 2594 6230 6337 246 3 48 145 546 5 0 1863 340 10 554 0 312 6999 44 0 7060 6000 139 170 33 1 +1,836 100 41 45 1546 6 196 1135 122 53 0 976 4 253 6 1670 12 540 1006 33 3572 598 5 0 484 179 118 15 1437 5 1170 1286 3 508 2639 2 34 3 2623 5 0 127 7 1483 926 1086 1 +2,17 1939 747 918 60 740 3138 5 268 73 170 889 2 154 0 1353 1895 157 3 1012 137 1274 2205 12 3 66 226 108 44 0 111 332 1382 8 33 1 +2,80 93 17 1939 747 918 60 740 3138 5 268 73 170 889 2 154 0 1353 1895 157 3 1012 137 1274 2205 12 3 66 226 108 44 0 111 332 1382 8 33 1 +1,24 11 38 41 98 8015 9 6840 209 982 33 4 0 4291 1511 84 25 3575 8775 4766 966 9054 1473 248 0 157 4 3 3761 259 1 +1,533 272 4322 20 2469 860 6 0 8836 4 514 3333 962 735 60 5 1845 1121 33 2 456 8 287 2 584 1762 101 261 251 23 489 845 1473 14 2677 1293 2055 9 73 352 1480 2754 278 3723 237 2649 1 +2,80 93 17 2870 2939 4616 3 48 145 997 5 0 176 4 0 1863 340 2 154 0 835 1403 783 8 2 43 422 5 0 126 467 940 12 3 186 66 1307 108 44 0 1358 952 1 +2,1647 1634 25 1518 9781 10547 188 0 1389 2313 27 534 84 13 3233 5 3 77 343 1498 197 834 1611 1066 756 6 1356 1595 1 +2,1392 1395 11267 0 88 128 1574 1572 14 0 146 7 316 1502 8 33 0 43 386 14 0 252 9 0 77 72 870 112 9839 248 2809 1 +2,11 3570 28 7087 8660 29 626 2 40 1786 119 65 15 29 0 5582 2130 1 +2,2870 2939 246 3 48 145 997 5 0 1863 340 15 0 1403 10068 3 48 145 2031 9 3 186 66 108 33 884 203 3 48 137 231 44 0 63 422 952 1 +2,497 821 3517 2390 7649 2087 160 7 184 72 2 9509 0 1354 1934 1458 489 573 118 1011 2 2203 8 0 9931 174 614 1 +2,17 2870 2939 4616 3 48 145 997 5 0 176 4 0 1863 340 2 154 0 835 1403 783 8 2 43 422 5 0 126 467 940 12 3 186 66 1307 108 44 0 1358 952 1 +1,533 272 17 962 2020 2677 2746 8 33 2 456 8 287 2 424 215 1159 101 261 251 71 122 26 2097 2 2579 0 92 7 262 139 67 3314 9 0 119 48 103 1 +1,842 30 1236 3 1708 84 55 3394 0 2091 4 9649 8843 2122 1 +3,533 272 17 750 655 20 272 32 76 90 4762 20 0 319 8 0 561 4 101 261 251 1531 1316 18 589 33 1 +2,24 11 241 3151 1066 756 181 99 106 31 0 241 57 10 9831 1350 42 3220 60 4 0 839 534 12 3 10351 10 656 180 756 209 3102 4 3 589 1231 20 834 1611 2 167 53 3 77 234 1498 33 14 1647 1634 564 181 0 241 3151 44 0 77 876 2070 2 108 0 131 216 4 0 47 1 +2,1066 756 10055 834 1611 6 1356 1595 5 3 77 234 1498 2 108 0 839 534 8 33 14 1647 1634 5 6635 1208 1 +1,24 41 45 1546 6 196 1135 122 53 0 976 4 253 6 1670 12 540 1006 33 3572 598 5 0 484 179 118 15 1437 5 1170 1286 3 508 2639 2 34 3 2623 5 0 127 7 1483 926 1086 1 +1,273 2882 2397 2296 7490 8344 26 314 3221 44 0 736 8 41 45 105 2 1139 16 444 2745 263 0 3359 5 138 1684 2680 1994 203 4612 2 752 7 8321 1 +1,11 1676 1010 20 0 634 476 15 0 3754 3000 2351 5564 3 5469 5 2413 1 +2,24 1356 1595 6 1356 1940 1450 2619 5037 1126 5 0 75 346 4 0 839 534 532 120 510 46 167 9 35 1095 1384 4 0 398 1595 6 1940 901 1328 53 0 1126 2666 753 535 12 35 3505 33 5 0 47 7 131 216 1595 1101 63 39 3 77 343 77 3381 1498 6 1940 31 384 427 447 614 2 9662 1376 1600 6 1201 6458 60 4 0 176 169 5 0 753 535 1125 3654 1 +1,27 1295 1423 709 14 214 819 94 232 4 203 3600 6 1861 50 531 716 15 46 4470 9 21 2331 1041 2667 33 5 0 2655 150 4 2275 476 18 1 +3,17 750 655 20 272 32 76 90 4762 20 0 319 8 0 561 4 101 261 251 1531 1316 18 589 33 1 +2,24 219 271 5447 701 69 1986 9 40 1602 1797 2 108 441 112 665 13 44 3267 20 324 7 1564 1314 5 0 570 364 445 625 2314 2320 6791 13 11112 82 532 210 698 0 11140 282 4 99 83 687 848 1058 9069 120 271 89 5 2103 102 52 2029 2 2003 957 1953 1 +2,24 1394 2570 7771 7162 1758 5 3 9386 57 1482 53 5417 72 295 0 2880 6028 2 3 73 226 224 44 0 43 422 7046 8 33 1 +1,327 378 1035 2900 315 24 2298 4 1627 810 970 5 315 7 1556 298 233 33 0 43 881 1417 584 3252 5 0 643 248 743 1481 611 3 3558 83 1222 633 2558 515 350 1 +3,17 11 702 442 2 3 617 133 65 363 5553 0 1718 8 28 39 3 11380 4 0 41 45 733 774 2 159 2628 1018 458 50 359 9543 5 0 88 128 6 3 719 2193 5 0 221 1 +3,638 17 1206 7 1386 442 49 61 57 113 20 2642 1009 8 28 15 485 3658 51 803 4 2054 322 15 1960 1617 97 1214 448 706 4 0 2074 4 2213 67 96 8 0 483 221 1 +3,4209 9 0 433 643 7 176 1098 560 2730 75 47 10546 0 8922 3705 10 192 5 12 0 10410 5 1567 1 +3,7753 2 0 3023 3621 210 167 3 174 1151 3511 4 230 35 202 13 2524 84 2592 5 9059 875 556 1 +3,462 1917 1047 7668 1078 6 612 875 4 6406 97 217 66 139 104 5 5318 75 47 31 118 0 2453 1 +3,2962 4 6190 433 7 1098 6 1422 1119 32 808 3240 12 0 275 46 10077 1 +3,6441 60 230 281 1098 167 1015 68 34 166 5204 0 1859 21 9533 727 1 +3,637 5216 629 5 0 433 643 560 75 47 14 16 2593 904 248 0 2252 187 2 3 596 2 34 296 195 1233 2225 4 350 4 588 6 1264 652 449 4758 5 2372 1405 1 +2,24 2414 3081 506 51 2539 5 3 216 333 42 52 7 184 0 262 73 1514 670 5 0 92 1 +2,24 6931 7744 2411 288 7 316 613 1038 7928 25 473 2 3 38 77 47 768 12 0 3485 9 77 49 103 0 676 172 33 1 +2,24 5994 7233 492 21 268 243 2260 8 33 2 108 0 4171 1959 7 3011 3921 6112 534 9 26 43 4171 224 1 +1,24 7620 3661 9614 111 1649 7 384 580 179 4 6313 8 28 1692 216 2172 10715 3601 6 2557 6 9244 9972 9677 1 +1,687 848 6 219 271 29 8460 112 5 0 146 7 3764 445 8 106 77 4 0 177 1 +1,74 205 117 21 1335 15 659 15 19 31 2603 1958 2891 1876 4063 6 0 1020 4 0 41 45 316 79 555 1574 1572 2 1392 1395 8 33 241 0 194 59 386 417 9 324 6 16 43 248 3095 3544 1 +2,4248 6488 404 3 133 1763 5601 2 8819 26 2966 79 7 3479 898 5 33 7 1793 8273 1 +2,219 1944 124 0 1371 1179 1624 33 5 6017 2186 1032 255 159 20 1672 0 43 2906 469 4782 12 459 5558 5 3 283 1 +2,435 19 698 2 903 9 0 790 2041 4 0 6887 7008 4341 2865 2391 6820 2087 10 3681 1545 10259 6 9248 30 396 8 783 1 +1,11 508 31 5479 53 8880 20 1437 10870 1510 83 0 41 45 554 388 2113 5 253 1 +1,11 2306 326 78 25 90 3555 2034 5 21 773 2 4899 1031 1510 14 0 606 212 1591 1 +3,17 1206 7 1386 442 49 61 57 113 20 2642 1009 8 28 15 485 3658 51 803 4 2054 322 15 1960 1617 97 1214 448 706 4 0 2074 4 2213 67 96 8 0 483 221 1 +2,24 826 3975 3248 157 3003 6829 5392 26 674 2619 5 1793 8 33 102 3 9737 1135 8 26 3423 1 +2,24 542 13 120 1244 31 3734 9 23 2425 2971 353 820 389 4 10430 6 4675 2694 50 0 3665 4 26 215 2619 0 6022 3859 320 122 993 3547 138 8092 2971 89 0 222 274 2178 8 3 73 3750 145 5 26 1189 2682 1085 1744 0 3859 2 3 819 115 108 44 0 3936 3872 8 33 1 +1,4276 6502 45 6588 2417 3043 6331 5534 1743 5251 6 1031 2799 10 9150 3703 6 10562 82 10579 33 5 0 4790 1882 310 888 4 94 1819 10448 5 10692 1 +1,1185 1163 11 150 3125 996 7 489 25 3211 10 219 1916 31 76 9802 20 5345 7 8813 54 209 180 53 3234 75 47 8 2479 2647 647 1880 1056 147 33 11 3328 64 4653 5 3 77 1786 1763 2964 27 1 +1,7718 98 1047 2324 661 111 1605 3935 18 33 10 1126 13 974 335 1119 4 1909 1 +1,1060 1045 831 3017 215 2595 20 299 328 7 1033 2108 2799 1712 164 35 2698 887 8 33 2219 51 2726 3357 6 5282 120 46 55 15 101 152 1509 1304 1705 4 1091 1212 1 +3,638 17 1206 7 1386 442 73 2261 113 20 5098 8 28 3315 2094 53 3 194 106 15 448 706 50 0 2074 4 2213 67 96 8 0 483 221 246 2054 322 15 1960 1617 97 1 +0,17 830 58 1893 236 0 92 7 199 470 342 18 8 28 19 25 215 0 363 157 381 470 143 5 171 6 265 16 1784 449 286 9 0 127 40 47 416 2 5413 438 5 0 5331 1 +2,4292 797 10060 1066 756 8 33 42 5132 5154 180 14 0 2263 1389 2313 27 534 1 +3,571 17 88 5883 3082 7808 18 16 1119 14 2284 58 8 33 1157 2 5269 0 2013 873 342 7 768 2146 0 63 72 40 47 529 32 1157 83 3 2284 768 488 1 +3,4274 17 7124 509 67 3351 37 6054 36 246 3 38 159 4 2812 3780 8 28 8 458 50 719 1846 6 4759 2 67 1543 15 962 1157 5 3 319 8 287 2 424 101 261 251 1 +2,1918 1208 17 3988 7 1066 756 304 26 4629 2 108 0 2263 41 45 839 534 5 3 77 234 1498 8 33 4607 0 194 216 403 4 26 1425 1 +1,17 413 689 13 1838 2 309 1836 83 0 227 3032 7 1113 354 18 5 3 1515 183 2433 8 28 6 680 227 1051 2480 5 171 6 3038 496 2 34 8 35 4936 1 +1,5893 375 37 1677 36 1612 2788 1448 3100 5 40 7269 4368 1852 7404 5938 3569 2 456 528 380 6717 557 9022 13 249 173 9 0 2989 374 594 237 0 43 5 935 551 10 350 4 94 5 0 11286 32 2164 1 +3,571 17 11 790 2236 14 2284 58 18 16 1119 1157 8 33 2 5269 0 2013 873 342 7 768 2146 0 63 72 40 47 0 529 32 1157 83 21 488 1 +3,3025 17 537 1924 0 92 7 199 4479 29 453 803 16 43 181 5 171 6064 5 382 741 5 3 143 19 2051 2049 2 3089 9 3 1453 4 483 191 4 0 3440 1424 1 +1,6034 745 6532 96 32 1444 217 139 2002 5 0 421 77 528 12 21 708 5 1543 42 1535 509 67 96 55 646 1130 2 627 333 1144 21 240 2438 18 33 1 +2,4346 2312 3995 89 90 3563 9924 39 1279 0 265 20 3 2752 5 0 2263 839 534 8 95 160 31 778 9630 8 33 1 +1,17 11 88 128 29 694 0 1310 4 133 3803 1278 650 5574 2 1401 119 47 12 1705 362 2 504 5 3765 3 1284 18 8 28 1 +1,17 1206 7 1386 442 73 2261 113 20 5098 8 28 3315 2094 53 3 194 106 15 255 2212 5 67 96 8774 458 50 0 483 652 2074 6 1758 198 2054 322 15 1960 1617 97 1 +1,4330 17 11 88 128 29 694 0 1310 4 133 3803 1278 650 5574 2 1401 119 47 12 1705 362 2 504 5 3765 3 1284 18 8 28 1 +3,1964 1922 10934 20 2018 4 16 264 5457 13 934 2 3394 16 707 20 5444 183 8350 1 +3,6934 166 0 1195 583 787 25 920 0 237 568 9076 598 216 3188 1846 71 11253 3006 4225 9039 6504 993 25 10 8984 1445 2097 6 0 474 4 2779 10 10154 4139 5 0 528 295 51 2 0 237 25 1105 234 2 9 138 21 474 4 3172 5149 71 9 716 2707 10 1285 417 1230 281 5 0 1195 6 10 0 347 9704 6 3349 1230 2654 2 1809 0 127 30 174 2727 1 +2,24 7827 1548 7166 7837 1702 126 4106 6578 66 115 115 186 115 66 5 0 131 4 0 4369 330 8 33 1 +1,11 2306 326 78 25 90 3555 2034 5 21 773 2 4899 1031 1510 14 0 606 1432 1 +0,11 2023 6 344 114 62 13 192 2 2710 2513 8 3716 2 16 2059 395 6 10057 4244 105 1 +0,7641 8 308 29 49 61 546 40 47 12 3 448 3110 1080 23 0 798 2180 1 +0,941 13 192 2 425 2036 8 2291 7 5344 10328 49 438 9 463 1 +2,4285 7472 1260 1844 2 477 0 43 1618 670 2 673 311 7389 40 283 15 0 1064 1379 1587 4778 0 826 1585 169 186 8 33 110 1 +2,1585 537 4138 149 7552 10712 26 4708 49 61 2239 40 421 10013 249 2527 64 173 4320 3 2003 2095 40 283 99 0 5454 1 +1,17 2413 7 63 9423 9918 0 3000 2351 25 5563 6899 8 3 1515 2776 2 0 4036 233 20 0 1272 6018 2798 2181 5 5660 31 5082 20 2497 39 0 9086 6226 2351 4594 255 1676 1 +1,2940 1608 6 1607 1639 140 76 34 9186 614 2 8161 0 885 53 35 713 990 922 1 +1,428 5532 10946 1025 2 0 56 1241 5 0 4136 359 2941 2951 5049 2 3 142 2719 1 +0,1967 1040 639 30 9763 4 447 1517 9 487 4446 1 +0,1967 1040 2991 165 7 72 9 135 500 3721 2 9216 471 6631 7 231 6 488 10123 4997 2148 2 35 300 1 +0,1967 1040 6267 2 2090 2684 4416 1328 8952 5 2166 2 799 71 525 4717 568 785 5019 0 765 9925 193 55 154 574 553 51 12 984 9 447 697 1 +1,27 10111 1527 416 2 32 3144 8 28 5 0 4137 25 90 3525 4994 1 +1,125 4314 4102 7 7727 2414 907 18 46 29 10856 245 38 107 10316 2 10550 717 349 76 884 203 2182 561 15 10131 7184 31 192 2 495 2 9638 0 2111 1 +3,117 3 438 8556 10996 6 2750 4675 4537 10805 30 1463 2 479 3 809 3512 4 116 5 21 695 40 65 1 +1,2935 2945 17 7694 1560 1501 25 90 280 5 21 4818 10 970 14 0 41 45 1241 5 1380 6 77 1539 1119 10359 21 1241 317 6 369 18 8 28 27 1763 31 3250 10 89 3 2761 1501 5 19 18 21 1241 1820 5 2941 2951 11 1501 13 256 1025 9 1152 1 +3,638 17 1206 7 1386 1981 442 226 1345 113 2 3 617 77 162 1692 363 8 28 15 509 67 96 333 246 159 1109 5 936 1332 552 8521 0 1289 9 0 483 221 1 +2,24 4025 4324 89 3 447 2073 120 1757 4 41 45 79 52 85 494 2 0 753 535 1350 10 865 5 0 131 346 4 0 839 534 1 +1,327 378 3025 171 24 3070 5 21 4790 1511 1712 12 3323 1554 28 2 208 9 822 94 1279 5 791 5040 5534 20 1962 3015 84 25 502 90 8274 9 3752 3241 6 13 0 1564 322 731 2 246 171 5 321 103 1 +1,11 63 885 5 0 814 4 77 406 543 4 5493 6 320 3 3411 1673 5 2341 1 +3,4274 17 3971 554 3 1245 5 936 400 8 28 15 67 96 192 38 1109 391 1343 6 301 1314 0 41 45 733 2031 3741 2 3 159 1018 617 2492 50 0 782 4 0 92 7 199 221 1 +3,17 3971 554 3 1245 5 936 400 8 28 15 67 96 192 38 1109 391 297 1343 6 301 1314 0 41 45 733 2031 3741 2 3 159 1018 617 2492 50 0 782 4 0 92 7 199 221 1 +1,17 538 1436 2692 259 8 1110 1827 692 721 8 28 595 19 85 3131 1479 796 35 1688 2 495 2 859 35 29 1 +1,125 1961 634 11166 10612 32 90 9349 198 5 1145 1955 15 368 4 2184 598 84 25 1690 49 61 5686 2091 248 0 453 4 0 47 134 18 1 +1,1184 17 538 1436 2692 259 8 1110 1827 692 721 8 28 595 19 85 3131 1479 796 35 1688 2 495 2 859 35 29 1 +3,11 1914 2120 2790 83 257 2669 4 3 10443 318 2435 14 714 0 221 2 881 1754 1 +3,6509 13 9597 10427 1317 4365 2006 2192 426 5359 8236 2 2042 23 10621 68 548 121 8 3 9416 320 11146 5 3 5033 8 0 1780 71 8 3 2580 9121 225 121 491 734 2 9116 3 5676 3750 988 53 0 1562 1 +3,1646 31 0 75 5384 185 220 181 165 140 32 8992 3 8473 102 440 519 970 71 3 9402 11013 102 121 1823 51 178 1 +3,435 6726 58 192 0 1550 4 16 586 183 394 5 2360 19 924 19 31 256 3213 9091 400 2 425 9 169 2 459 8102 1 +3,3837 6984 6921 2620 26 1425 31 14 1319 11 738 3602 89 118 1101 235 8 21 1721 4570 5160 8 0 9289 4 3 10106 10 8429 9791 837 52 6 26 3417 1440 1450 3 2017 649 225 2 2210 0 971 9 10334 1 +3,11 2085 7 184 60 8 287 3 220 68 417 3707 34 5012 42 160 7 141 1129 10 19 68 32 1777 5176 165 7 118 3 1769 4 114 1 +2,464 0 7474 7673 64 3377 2 5607 0 11098 2740 9 40 47 7 471 331 0 229 387 1490 57 4 35 8497 4050 4 87 4282 87 46 55 222 12 87 7574 87 757 7 213 141 1769 230 658 46 495 0 331 68 69 167 141 5337 5 35 1797 9 0 176 1538 5 0 1561 862 282 1 +2,165 7 3 507 52 55 32 181 49 8669 12 562 135 61 3 779 3682 11045 2 0 3517 9 0 131 60 4 1032 255 5 3 3609 4812 728 4 57 145 2094 9 0 471 331 211 4197 3883 1340 1100 2 763 40 462 99 0 9270 11011 52 25 181 5 26 48 65 9515 15 3 1 +2,7132 1356 4236 4 0 1064 1379 2852 802 60 4 0 379 535 4 4037 109 12 21 11229 1471 6 31 10498 8 0 327 79 20 1376 5990 4 0 312 3001 4236 7 649 698 517 61 3 65 132 0 327 79 2660 1842 1681 11 79 29 1793 9 0 43 72 95 5 4199 1 +2,3868 4348 1414 57 145 5 401 889 9 26 43 108 5 217 3 162 6 0 575 1044 1907 2007 5 8 0 1561 862 231 12 3 170 73 224 44 0 3008 109 5 2383 4626 3 77 137 1831 1 +2,11 471 331 32 62 1979 0 1561 862 3654 117 3827 960 6882 7172 1260 6 989 5 77 675 360 3 11115 10604 3339 6 0 2387 355 0 3051 2846 3940 4253 115 66 109 2 1831 0 77 137 728 1 +2,11 3184 737 51 0 2079 2425 2971 209 0 482 1604 7 10 9 1126 1 +2,3973 2968 6905 555 26 8110 40 919 6 15 3 1134 2695 3 547 2681 42 52 701 69 2093 57 3490 4 26 11401 1 +2,3018 613 1201 4183 13 76 348 1698 9 0 8991 4 1581 2297 211 4183 7 11030 3469 1258 422 2297 5 3 1792 2 2178 26 43 48 3361 15 3 2143 5 0 131 909 4 3 170 226 108 14 2880 70 6 8 26 43 2229 4 136 110 7 137 14 1361 938 88 9 0 3018 7 63 1 +1,1384 576 2157 4887 290 0 1223 53 2285 879 723 4 2163 598 5 0 298 233 1 +1,80 1892 27 1295 1423 709 14 214 819 94 232 4 203 3600 6 1861 50 531 716 15 46 4470 9 21 2331 1041 2667 109 5 0 2655 150 4 2275 476 18 1 +1,1184 11 411 343 14 0 976 4 0 2707 4 111 1605 7 1737 1375 1362 4144 44 3 1735 4423 18 5 21 620 2149 109 10 52 13 1324 6 89 141 2073 14 43 10 26 2462 13 9429 1 +1,5752 1636 6044 6216 6497 684 109 9432 810 360 2225 4 350 4 5798 54 5401 21 761 8 0 409 7461 1344 103 380 2 859 0 7144 4931 57 4 0 214 5273 388 1287 4 379 1407 686 1 +1,1919 684 27 913 343 335 0 913 1062 149 414 686 2207 109 164 33 1188 14 3 409 628 10 2528 2511 94 1525 2645 2022 11 2262 47 266 3522 3354 3704 6 760 1655 9 154 188 0 66 784 175 5 0 3634 1257 1 +1,533 272 17 1957 640 107 3460 18 8 28 101 261 251 89 3282 920 3 319 8 287 2 424 180 42 35 2010 8610 12 1743 669 4964 46 89 124 1 +0,7364 9 3389 3169 6 3 2133 1519 30 5147 20 407 7 385 2244 1 +0,156 206 1745 62 6338 123 63 158 3435 32 90 265 3206 12 0 398 1291 3 47 380 1 +1,17 640 101 261 251 25 920 3 319 2 424 180 187 2 345 296 20 1445 476 8 28 12 2820 113 4 0 456 3220 1 +1,125 4136 1716 399 10601 2 0 11117 3368 56 1241 5 2941 2951 39 3 1501 84 369 18 55 34 3112 31 280 5 3 1763 1 +0,27 9238 372 137 1971 2 3285 978 50 0 483 615 83 1110 1 +1,533 272 17 640 101 261 251 25 920 3 319 2 424 180 187 2 2136 345 296 20 0 127 7 176 1445 1781 8 28 1 +3,17 750 96 1756 2 3 38 159 173 391 297 1343 8 28 12 3697 8 11082 9 0 1134 4 272 7 736 319 6 100 7 655 333 8888 20 3 1200 1268 2238 5 0 3648 1 +2,74 2892 109 7 2475 4 0 3122 4 0 1207 2965 0 685 10043 8505 89 3 10894 3576 9 0 3488 4 0 59 252 262 1769 120 0 4422 6 10826 148 50 205 7 5104 1645 10038 40 127 13 184 0 3266 4 16 8768 2772 11213 150 10615 10481 7639 44 0 6033 4587 4 3 1 +2,6983 6549 7 82 3130 492 215 26 1255 118 3 10838 63 132 0 131 8386 3278 164 0 8229 2 777 2273 21 3783 3782 224 44 4290 4157 109 8 0 43 106 4 59 146 7 316 5 151 1 +2,693 861 7991 4265 6431 217 802 82 120 4459 85 32 90 0 580 1335 5 7111 551 3332 63 39 916 75 109 14 7889 6554 98 7938 465 1 +2,11 56 146 7 6 288 7 3288 802 82 514 5558 5 109 7 59 5311 2591 1094 2186 92 4506 2 3101 4743 2 33 7 1455 1 +2,74 11 1447 611 8 3 198 5137 9 0 56 1544 79 6 8817 23 160 1177 92 336 6776 4345 2207 168 1453 5 0 311 364 4560 2412 92 159 3380 2856 2321 31 3171 20 313 7 4095 2938 5 0 311 4538 6443 0 146 7 186 11435 311 445 625 1101 194 291 227 1873 6 0 1 +2,1641 5889 11377 3 75 63 492 421 6201 9316 6477 7849 2 777 0 126 599 10228 79 3 289 115 224 5 16 630 3482 109 1 +2,74 2884 313 7 4095 2938 859 0 1136 102 52 355 92 159 3380 2856 2321 20 632 5626 4 3 63 5 109 7 59 311 364 4538 5780 5005 2321 7 56 5463 54 1690 2938 10586 1337 0 1111 2526 5034 1 +2,74 435 0 59 3640 2176 31 296 4113 3984 3365 3 9818 6 611 4674 198 0 276 87 542 137 13 1416 8 366 8390 87 912 18 87 78 32 3 11169 551 12 325 87 532 631 109 2650 3 9382 57 1 +2,74 639 7 241 1806 9 57 6135 5 3 2464 1805 757 31 0 10606 3425 3816 5955 3422 75 110 15 26 174 1307 2 0 59 252 506 2 21 7974 157 14 0 4214 2854 2320 5 26 43 615 5 0 5585 1441 1177 615 10 13 3713 121 1156 120 19 209 9 180 1 +1,6645 443 9040 5 1046 7 3159 227 1192 233 10687 3 48 106 1687 1 +0,7246 7861 7101 5421 877 372 1790 3126 4585 2 2395 190 1 +2,74 17 219 271 57 112 124 42 57 4 26 441 403 3179 210 555 1545 8 687 848 6 1622 1338 1706 1603 5 35 174 3128 1814 5 0 460 666 445 131 8 28 1 +1,2947 7 4229 6620 3799 1742 44 558 2 26 2739 6 9605 0 5589 390 2 3 9276 622 1 +1,533 272 101 261 251 1071 2 32 920 3 557 319 2 2663 180 187 2 382 345 28 310 272 7 669 11008 1690 995 5907 4 0 1762 3524 267 192 82 4881 6 611 4576 5 0 917 4 0 359 5 0 1296 2024 8750 5539 885 0 306 23 1044 6087 267 4 0 212 6352 2871 1 +1,1060 1045 831 2421 908 1149 786 2430 6 212 1367 196 64 1810 290 312 2 154 1133 1302 23 0 4552 4 299 328 0 1564 731 2 246 0 150 5 3 1093 103 1 +1,24 27 409 126 2614 25 3259 966 12 26 269 11159 5 0 1145 269 179 4 7136 0 10329 8814 1737 18 28 1 +1,125 27 2494 554 20 260 2605 7373 7252 25 1444 16 645 9 3 216 227 1051 150 3120 9798 62 1 +1,24 101 152 7 318 2 1228 2225 4 350 4 41 45 196 168 23 499 6 496 55 1733 180 237 47 3115 23 388 3322 42 124 69 1715 0 5419 8 810 184 4497 1031 2556 5 100 6 375 1 +1,1961 2800 1549 21 431 228 46 1311 850 8196 2382 6408 49 61 3 65 39 52 3259 1 +0,3942 3463 4 21 659 806 30 2016 15 368 4 16 10527 2 922 155 19 29 10993 0 800 1 +1,24 2967 1198 310 5445 4 101 152 7 491 237 30 9886 4 0 5146 2016 284 149 329 355 180 5 1928 7 237 0 150 7 43 1947 11283 5 48 2028 6 3 864 2 859 0 636 5107 8 16 459 1772 2507 5 1360 1 +3,56 134 4754 582 4 2220 9061 9726 14 11344 7696 20 48 238 1717 1 +3,7616 2098 5 0 850 30 3670 5 0 279 4 1535 67 96 6 293 999 1130 0 6040 123 1 +3,130 13 5418 94 776 783 4 3 257 142 527 1557 487 206 992 2187 525 1 +0,7196 6698 2649 9018 5131 178 525 30 545 5 9878 8380 1 +1,24 11 1676 4595 20 0 634 107 15 0 10460 4 0 3000 2351 31 4929 11335 20 2039 4 9919 102 52 5563 2413 7 182 10603 5469 150 921 147 884 1515 10336 2 57 4 26 8107 1 +0,5932 58 4 7023 124 3 459 104 768 23 0 4351 1199 1578 2 504 0 194 2124 5 0 354 7 522 2 1082 3 1320 4977 862 9 41 45 5504 1717 1 +0,637 5216 629 5 0 433 643 560 75 47 14 16 2593 904 248 0 2252 187 2 3 596 2 34 296 195 1233 2225 4 350 4 588 6 1264 652 449 4758 5 2372 1405 1 +0,11 1701 44 287 275 284 2231 202 3486 15 21 2548 2528 3462 5254 23 433 643 1227 138 4 84 32 3 662 2 2093 155 0 3090 561 1230 1 +1,1184 1384 61 3 2768 692 721 737 8 3 1110 454 2 490 9 478 980 42 538 5287 20 5483 9556 5289 6 3 3882 1120 18 52 5605 69 863 155 46 3656 2 769 1870 73 2259 721 918 8 33 1 +3,11 603 1174 6 101 947 152 30 5 3 259 4 5602 44 3674 1105 2 1656 1275 2267 6 2280 1 +1,638 17 117 3 4521 4913 3748 4 0 2478 336 52 1014 31 1878 2309 105 2 5581 3 133 72 313 778 5 0 619 4 4484 2508 168 2 0 88 128 225 52 13 1339 9 1224 1808 1 +0,4264 5232 10 8242 166 426 1474 2 11282 6 3811 7 68 777 11436 3 3681 3102 1 +2,24 11 835 1403 215 1358 8509 2 43 422 5 0 1035 940 427 6 502 590 274 2 35 119 1814 12 0 10987 952 1 +2,74 17 685 1318 1890 1608 6 1607 1639 124 3 48 106 5279 14 0 151 177 102 3 4750 885 2611 35 713 990 1153 31 8012 631 70 1 +0,2282 1056 91 7 6248 7020 1720 933 4662 931 6 2248 8177 30 49 362 2 277 2867 2901 61 658 72 1 +1,125 1061 2496 2 563 1374 3407 5 4084 6 29 309 3458 644 2 3401 3481 717 349 12 524 605 605 7 950 1923 18 5 16 578 218 1 +3,17 1053 7 1592 1609 98 0 63 199 168 1112 523 291 950 1593 58 1368 98 8 28 18 559 207 560 42 2773 874 1 +3,80 93 17 3041 30 1137 714 419 865 8 28 15 509 96 1019 173 42 1266 140 4741 8 458 50 35 623 3426 39 3 1464 918 312 8 95 1 +3,1869 17 1053 7 1592 37 1609 98 36 0 63 199 168 1112 523 291 950 1593 58 37 1368 98 36 8 28 18 559 207 560 42 2773 874 1 +3,412 17 750 96 10729 391 617 1109 28 278 1027 382 723 4 224 9 640 101 261 251 5 3 319 8 26 561 772 706 10 1846 55 1335 0 127 7 67 655 1 +3,260 1165 529 318 2 454 9 822 552 188 0 430 683 6665 736 3713 3 556 2715 13 3619 0 6505 2236 18 1 +2,74 17 27 1442 1297 10 25 4769 0 1261 127 7 59 252 5403 926 9128 8 28 102 3 885 2082 205 7 48 176 1318 31 3525 333 1 +3,24 950 1112 523 1053 7 1592 147 28 10 3 3590 1748 143 989 63 158 383 293 47 44 47 42 345 656 2 1771 641 541 1449 1 +3,3082 14 4314 4102 7 790 67 62 157 3 48 106 454 304 5 1017 14 107 105 2 425 49 4 0 62 1 +0,1643 91 117 0 481 1970 0 119 356 923 2 256 160 387 34 40 3 409 190 393 1 +0,2957 27 561 5223 344 190 1536 2431 20 0 41 45 637 1888 1174 1596 991 40 162 1092 69 3539 190 2 190 3692 2641 42 1596 134 763 0 38 561 3202 12 3 739 47 266 893 284 801 41 45 344 190 300 83 5536 1694 440 519 1 +0,24 27 254 4 6825 3538 13 3553 2 192 51 3 1835 5 325 10 2208 55 309 1557 0 156 1 +0,6237 140 235 5 0 1251 1243 114 143 9856 6 2428 30 302 2 708 0 8523 4 295 1250 1 +0,3036 6 130 8613 381 8101 15 46 857 2 815 137 8631 53 9942 2048 4911 1 +2,1918 1410 17 3988 7 1066 756 304 26 4629 2 108 0 2263 41 45 839 534 5 3 77 234 1498 8 33 4607 0 194 216 403 4 26 1425 1 +2,74 17 126 5396 6878 852 18 8 28 912 85 32 141 1298 2488 8 0 398 79 15 1614 539 5 0 59 2258 666 625 1 +2,74 17 2404 194 2721 3886 7098 11036 3 11012 1562 6 4769 3047 2114 7758 6366 2 673 0 63 346 4 0 59 146 7 3632 12 3 289 115 115 289 374 289 224 28 1 +1,125 407 13 10752 53 3 5450 5378 213 4 107 105 2 5020 2329 3169 6 3 2133 1519 0 390 7 385 2244 31 2696 15 595 1 +1,17 1877 5 3474 605 1030 1584 8 28 76 2 2618 50 311 1561 4797 10 32 5420 290 0 1223 6 2578 8 3 3558 515 739 94 6 3403 2039 49 1 +1,1184 17 538 1436 2692 259 8 1110 1827 692 721 28 595 19 85 3131 1479 796 35 1688 2 495 2 859 35 29 1 +3,17 955 1180 97 954 236 8 28 147 16 194 699 559 207 15 439 1084 181 51 9 1818 191 6 16 437 1495 1106 2 50 297 66 115 153 1 +3,571 17 955 1180 97 37 954 236 36 8 28 147 16 194 699 559 207 15 439 1084 181 51 9 1818 191 6 16 437 1495 1106 2 50 66 115 153 1 +3,80 93 17 641 541 13 1137 714 419 865 8 28 15 509 96 1019 173 42 1266 140 4741 8 458 50 35 623 3426 39 3 1464 918 312 8 95 1 +3,80 93 17 4329 97 37 7514 98 36 0 199 41 45 8895 4 1102 2 10524 6 9443 8 28 18 559 207 560 15 21 876 65 5 0 1291 6 2428 1258 2112 0 2044 4 293 1102 96 1 +3,1869 17 1053 7 1592 37 1609 98 36 0 262 66 168 1112 523 291 950 1593 58 8 28 147 21 530 113 708 5 63 158 207 42 345 2773 874 15 191 5578 5 688 1 +3,24 2885 523 955 1180 97 147 28 10 0 62 11016 2 3 207 5 0 63 158 42 398 1541 191 64 184 5 3245 1 +0,125 260 344 190 1288 3071 18 19 25 1678 5 21 875 23 466 524 2981 2887 2 781 51 16 3670 466 927 3071 2339 2339 1 +0,130 7 857 2 108 44 38 371 12 3 265 198 2534 4 178 698 5 9 347 2018 1 +3,17 1964 1922 2405 58 3072 98 8 28 9785 16 430 191 1252 6 18 984 31 3497 347 5 0 41 45 3038 75 65 15 94 10902 51 8 8940 11042 10582 6 599 5 5205 9 299 328 1 +3,571 17 955 1180 97 37 954 236 36 8 28 147 16 194 699 559 207 15 439 1084 181 51 9 1818 191 6 16 437 1495 1106 2 50 66 115 153 1 +0,11 62 291 171 7 295 500 2482 1237 471 3989 844 408 690 13 10694 16 790 878 2 16 910 307 163 6 1243 300 6 900 2 3310 191 3493 0 62 7 1969 267 18 5 21 620 8 95 1 +0,1199 62 7701 97 105 2 694 0 247 4 3 2670 663 671 8 28 10 19 123 29 3295 809 6 2640 2734 1227 7509 2 2203 8 176 4 114 5568 1 +1,640 101 261 251 124 3129 23 3776 113 4 817 12 2820 113 4 1445 3593 3220 5 3 319 8 287 2 424 180 1 +2,24 6585 23 0 59 146 7 316 630 225 324 13 1839 9 75 422 12 2829 325 111 1649 171 6 0 870 92 2476 23 4290 4157 1 +1,428 59 10609 13 977 12 0 9807 4 3 6006 54 770 39 256 246 20 3 861 5 151 1 +0,5785 8 28 29 247 21 1334 2 16 4270 114 3212 663 2118 10 0 62 3116 1122 3 10971 4438 2 992 206 4270 525 1 +0,949 958 408 29 247 0 131 1794 1334 9 16 5821 518 4 2420 805 8 28 1 +0,497 16 578 463 379 5543 508 5 461 40 65 949 958 408 463 29 694 3 393 4 3299 2 16 463 4363 307 163 1087 2 3470 0 774 197 0 1229 4 0 62 7 4053 6 463 5740 805 1 +1,17 3070 2168 2 35 887 5 315 7 298 233 30 1272 5 1451 4 0 743 1481 54 2078 989 203 503 0 88 749 18 5 3 218 1518 20 17 28 1 +1,17 7406 20 576 444 6 743 1481 32 11417 3 2511 10737 5 298 1021 1107 148 42 0 88 749 18 4092 31 1005 1812 1095 2 553 10199 2 8729 0 598 1 +1,4080 315 17 3070 2168 2 35 887 5 315 7 298 233 30 1272 5 1451 4 0 743 1481 54 2078 989 203 503 0 88 749 18 5 3 218 1518 20 17 28 1 +1,638 17 117 3 4521 4913 3748 4 0 2478 336 52 1014 31 1878 2309 105 2 5581 3 133 72 466 778 5 0 619 4 4484 2508 168 2 0 88 128 225 52 13 1339 9 1224 1808 1 +1,2943 3066 4182 2325 0 1747 4957 6 10790 25 1839 0 9663 12 189 8238 5 3 589 110 3176 187 2 228 3327 3477 20 11 1036 378 2325 323 3447 111 332 450 2096 3058 1580 4146 1867 14 0 4104 4370 4380 3890 382 33 187 3 3894 2292 2638 1764 1 +1,74 1932 27 229 4 8071 13 348 21 1333 1147 2 200 16 718 3728 3375 549 2 0 2131 5834 9281 10286 1328 8 35 10468 4 107 6 16 8175 1 +3,80 93 17 5815 97 37 5766 98 36 0 262 66 41 45 168 6 8178 2605 8 28 18 623 2094 10891 23 299 328 55 1749 16 545 345 1 +3,125 11 1371 764 696 265 16 4505 999 904 20 682 3136 1499 23 351 139 113 2 351 226 113 0 696 18 5 3 679 720 8 16 1341 1 +3,17 1178 58 4000 98 0 220 342 10 1800 5353 16 1689 4 3758 1323 29 504 803 16 2036 14 2291 58 7 2664 789 40 65 0 48 275 18 8 28 1 +3,80 93 17 1178 58 37 4000 98 36 0 220 342 10 1800 5353 16 1689 4 3758 1323 29 504 803 16 2036 14 2291 58 7 2664 789 40 65 0 48 275 18 8 28 1 +0,125 4107 344 190 371 64 1030 2 2089 35 5191 11073 14 168 71 3683 82 5 1017 14 120 13 8628 57 4 0 8684 399 5 0 92 1 +0,11 1588 1835 25 1137 514 883 3195 5 201 5 0 1411 4 3455 2 1253 3 791 9274 2008 1 +1,24 1877 30 1152 3 2761 1501 5076 2 0 41 45 3962 5 1380 2 1438 287 19 13 3112 134 18 28 39 0 63 322 2719 14 3 41 45 591 5 496 601 3 65 1 +1,2935 2945 1380 17 428 4818 8643 2761 1560 1501 6 11106 83 406 31 3250 2 0 41 45 1241 5 1380 10311 782 3183 8 77 1539 0 1241 6 369 18 28 1 +1,4064 17 6722 101 7031 7685 734 2 3443 2648 5 3 1553 237 1221 18 28 189 107 89 10867 0 221 6 4682 198 658 8 1006 6 5338 1 +1,6214 17 27 7704 228 25 473 2 247 8 8199 3 5225 1021 7998 54 1722 814 8 647 4 11049 0 707 4 0 743 150 20 3548 9126 385 57 4 26 1761 18 28 1 +3,571 17 955 1180 97 37 954 236 36 8 28 147 16 194 699 559 207 583 1818 191 15 19 265 588 6 2156 1070 6 1710 1993 16 437 1495 2 66 115 153 1 +3,80 93 17 7491 2071 1288 6904 6672 58 37 6865 236 36 25 473 2 1652 524 4239 6639 408 37 7259 98 36 9 73 1864 153 5 437 6 202 2 4548 16 9295 673 0 275 18 8 28 1 +1,125 6593 50 11148 13 368 4 0 234 4 361 42 57 4625 25 2029 2 277 562 50 19 20 916 26 621 5248 1 +1,538 9691 2692 259 83 888 4 692 5002 8 1110 454 9 478 980 1 +2,24 2877 1393 420 9470 3379 79 613 6 238 7324 7292 613 6753 6660 770 28 39 10998 1812 5000 5 3 861 2503 21 317 18 1 +3,80 93 17 641 541 13 192 2 520 419 865 8 28 15 509 96 1019 391 35 159 1109 42 1266 140 2736 8 458 50 35 623 3426 39 3 1464 918 312 8 95 1 +0,11 43 3399 10 0 1849 4 4244 1798 9245 4977 29 2553 4508 0 1543 11332 31 3626 75 65 20 7900 3 1299 4 567 5065 6 2011 193 1 +0,1388 97 105 2 247 0 258 565 4 16 1881 1234 1520 663 969 601 0 119 48 389 15 368 4 21 3481 527 4 16 1362 3875 3045 1 +1,17 6589 3573 8 28 8710 1851 2650 288 6 978 4 3 2184 2459 5 2655 605 310 888 4 4440 94 1799 83 0 2713 8288 1 +1,11 476 5 259 1841 2288 694 437 9300 9 2465 2461 8 0 5369 294 7 4510 1 +0,3982 6715 4082 5792 5 3014 6426 3982 58 195 172 0 516 4 16 3014 3324 2100 522 11 941 2716 7 3014 208 9145 29 1144 4652 8653 1547 1069 23 4082 58 3 295 1299 4 10844 5062 9 208 345 6 1232 5158 5825 10650 140 10024 2 556 1 +0,116 377 6181 1894 751 5978 116 7 377 1513 53 255 1298 75 65 12 485 256 1414 2 453 1674 8 0 62 75 95 116 2716 7 882 29 1976 5 21 2783 660 4 751 712 84 29 34 8 0 5344 40 95 1352 0 620 31 1662 304 1 +2,74 17 685 1318 1890 1608 6 1607 1639 124 3 48 106 5279 14 0 151 177 28 249 46 55 1976 5 1493 14 3 4750 885 53 35 713 990 1153 6 1017 35 5003 1 +3,4329 7 1728 384 158 207 560 819 113 416 2 21 876 65 5 0 158 1234 175 4999 6 307 8967 1 +1,11 267 124 0 3129 4 3776 113 4 817 134 18 42 0 669 18 10 0 107 89 8464 1 +3,80 93 17 41 45 223 1286 419 865 8 28 15 509 96 1019 391 35 159 1109 42 382 723 4 224 9 0 640 267 5 3 319 8 26 561 772 706 50 0 127 7 67 655 1 +1,327 378 2935 2945 1380 24 1877 30 1152 3 2761 1501 5076 2 0 41 45 3962 5 1380 2 1438 287 19 7 3112 134 18 28 165 7 0 63 322 2719 14 3 41 45 591 5 496 601 3 65 1 +2,24 11 111 536 4207 1141 43 346 2040 1494 5949 4379 8 28 2540 0 1553 157 7 5051 9421 1 +3,2924 860 8 0 465 7077 6495 2 154 10507 16 8763 15 2057 2710 3 2193 5 652 449 1 +3,750 96 442 821 2002 2 2812 1868 3 1072 39 640 261 251 124 3 424 319 8109 2802 704 896 1 +3,5832 3495 2661 32 2142 5565 345 42 40 62 25 5416 0 922 4 72 1 +0,1967 1040 11 62 40 65 29 3714 49 1507 6 1834 1087 2 1715 371 4 16 173 157 805 2659 16 4053 518 84 1337 953 7 2260 1074 4062 1794 1 +0,24 603 1975 1801 18 28 46 32 2055 35 2170 4 3 338 197 130 97 6 1402 1408 58 2 200 579 2673 114 925 1 +3,17 41 45 1266 8 28 5203 10 299 328 55 34 0 182 2015 41 45 731 248 1580 5 2810 12 312 134 2078 9051 652 2094 14 297 818 153 1 +0,165 1004 166 116 7 183 202 394 29 5214 141 1769 230 658 0 62 3706 2 10702 787 5 0 2060 1058 241 10 16 2781 8116 2 0 377 137 55 1134 5 21 1490 4 512 3607 2159 37 572 279 929 748 841 843 856 886 493 66 648 824 36 37 326 36 1855 91 37 1668 36 37 1731 36 1 +0,844 239 5270 118 84 1507 30 780 1267 12 16 755 1935 66 527 9 178 609 1 +1,533 272 17 272 7 215 1159 101 261 251 8 28 1436 224 5 3 659 424 319 8 26 561 42 26 3484 3730 2 2003 456 345 46 1802 15 3 4919 995 1 +1,1911 1410 1066 756 492 3 186 44 3780 2 8969 53 3 77 234 1498 33 564 181 26 241 3151 4 0 106 8 0 43 4 77 876 2070 2 355 834 1611 6 1356 1595 5 0 839 534 14 1647 1634 1 +1,1060 1045 831 2421 908 1149 786 2430 6 212 1367 196 1810 290 312 28 2 154 1133 1302 23 0 4552 4 299 328 0 1564 731 2 246 0 150 5 3 1093 103 1 +1,80 93 641 541 10693 293 28 15 1986 4969 3627 82 10744 67 96 6 2463 400 879 21 2782 191 218 23 1964 1922 2405 6 3 3160 1289 23 1053 7 11 1042 539 3400 1981 31 51 2262 5623 71 226 374 113 14 374 5741 2257 39 4792 226 73 113 293 75 65 1 +1,27 6163 1936 11374 8290 54 2016 3 420 3613 5 171 20 5235 3092 26 10972 4 11128 317 4669 25 90 4633 9 1224 622 1136 6 2115 2 277 3 1081 2182 9071 476 172 1 +3,571 17 955 1180 97 37 954 236 36 8 28 147 16 194 699 559 207 583 1818 191 15 19 265 588 6 2156 1070 6 1710 1993 16 437 1495 2 66 115 153 1 +3,2409 17 2893 10337 7759 97 37 7714 4334 36 18 8 28 19 29 479 922 1299 6079 23 6346 7751 755 0 258 5 3 10925 4 2428 1087 2 4888 60 16 671 5142 1 +3,1053 7 147 3 632 374 113 708 5 487 1468 188 16 63 158 42 345 713 641 541 1449 1 +0,27 38 114 1330 23 4382 58 68 1538 4904 434 1817 404 5 367 8619 788 15 3508 5322 187 2 3 679 23 0 62 1 +3,1869 17 1053 7 1592 37 1609 98 36 0 262 66 168 1112 523 291 950 1593 58 8 28 147 21 530 113 708 5 63 158 207 42 345 2773 874 15 191 5578 5 688 1 +0,1 37 347 36 7450 37 347 36 2888 76 857 92 8907 42 +0,2175 1937 463 3498 12 2256 2576 342 1575 1322 1531 1346 2110 697 2821 91 2 474 8 1197 7 4323 1 +0,4256 55 184 516 21 890 53 0 48 5485 2427 4 2869 3 481 1021 62 1 +0,11 250 1635 177 30 2235 5 151 6 0 932 13 168 2 2129 4 385 10 2095 1856 0 446 278 49 2081 1 +3,17 955 1180 97 954 236 8 28 147 16 194 699 559 207 583 1818 191 15 19 265 588 6 2156 1070 6 1710 1993 16 437 1495 2 297 66 115 153 1 +3,412 17 750 96 772 23 38 159 1109 8 28 15 224 9 640 101 261 251 5 3 319 8 26 561 772 706 10 1846 55 1335 0 127 7 67 655 1 +3,80 93 17 41 45 223 2065 8 28 15 67 96 2516 39 723 4 224 9 0 640 267 5 3 319 8 26 561 772 706 50 0 127 7 67 655 1 +0,6389 1834 55 1826 0 9043 4 483 1559 9 682 103 6 235 8 4983 203 68 504 9488 187 2 21 1659 20 4230 254 242 4230 254 490 247 1 +0,4035 1858 5 461 3002 6 4799 5 413 324 6 499 29 477 49 2608 49 3348 6 1003 3419 5 0 3767 8439 187 2 3 38 9908 596 20 48 242 14 0 212 1884 9 3831 840 4165 4165 490 247 1 +0,462 0 63 72 5 77 103 3 9465 2025 5613 25 1732 82 0 764 1933 1887 165 7 515 2565 8696 6 135 2637 361 6 295 724 2 763 10 3 3349 1079 140 34 348 422 5 1780 980 5 0 1487 1193 2376 1933 846 254 490 247 1 +0,949 958 29 4729 3299 2 16 5562 395 0 463 4363 3753 2420 307 163 6 16 5822 40 65 188 16 463 379 250 508 5 461 1 +2,1376 1600 1073 0 63 2657 670 2 34 8 0 753 535 79 2613 1202 1357 15 0 48 1075 7 2125 28 9 3 41 45 79 10 29 495 2 2158 0 3231 23 499 119 162 1 +2,6009 5122 7955 6771 13 21 1448 1563 5 205 2143 316 670 1280 1637 6 1326 452 285 6 151 8687 1 +2,41 45 5396 4349 2301 1071 9 3 885 8 189 1442 507 10 29 1438 287 0 5268 311 364 92 336 8574 5 0 151 252 1 +1,461 7787 7337 1321 30 141 10912 2 1982 4500 7617 9348 3594 1747 10580 322 9898 1782 30 8484 44 789 11434 51 5 0 11026 3506 2630 8 9606 9 1434 1058 249 5 752 225 0 183 2051 16 5174 2 2162 10 46 2792 5 7732 7 9222 1 +1,327 378 1930 1172 1039 5014 2 626 2 0 9224 8 633 700 1267 2453 12 3 2163 773 14 1744 0 1556 3214 4934 60 4 5201 123 2903 244 4248 6571 1 +1,17 11 107 13 302 2 5370 8736 6 9079 4784 8 5177 395 5 3 645 2 982 2077 568 9460 0 10302 4 67 1250 21 67 240 317 18 8 28 1 +1,327 378 2409 1172 27 420 10160 522 3350 20 0 512 107 85 4995 1134 5 10707 3734 9745 7216 2384 6227 7021 18 28 1 +1,1052 1167 2415 847 555 14 2676 14 21 382 1970 7602 564 46 928 10388 181 0 398 581 1775 1844 1 +1,4044 17 1061 7 388 28 901 198 3 218 5 0 258 2534 4 1402 712 4724 120 19 358 3 5439 4 812 304 5 2360 5 9697 11172 1217 8320 375 1 +1,2337 6819 2930 6706 0 126 543 4 320 3 513 9678 579 1551 2113 6 798 1504 5 375 11089 5 228 28 10 52 55 2690 41 45 6 935 476 64 9257 4486 4 26 4410 1 +1,273 101 152 7 318 2 1228 2225 4 350 4 41 45 196 168 23 499 6 496 55 1733 180 237 47 3115 23 388 3322 42 124 69 1715 0 5419 8 810 184 4497 1031 2556 5 100 6 375 1 +1,744 100 3934 14 100 7 212 1889 358 28 9 1300 540 480 1385 334 432 2 3087 26 2238 83 41 45 6 269 196 6 1795 26 1454 60 4 3 484 628 5 253 1 +1,74 205 219 271 184 10769 39 324 7 1335 386 2 227 1873 5 0 570 445 625 1305 2 0 2132 28 6 10356 1246 9 0 59 460 364 4560 271 1797 2 859 957 1953 7 159 4 321 112 665 14 0 3759 4160 252 31 4704 12 0 406 1995 144 5 0 625 33 110 1 +1,4128 1376 1600 1073 0 63 2657 670 2 34 8 0 753 535 79 2613 1202 1357 15 0 48 1075 7 2125 28 9 3 41 45 79 10 29 495 2 2158 0 3231 23 499 119 162 1 +1,1060 1045 831 2421 908 1149 786 2430 6 212 1367 196 1810 290 312 28 2 8848 60 1851 4 299 328 6 1704 599 6 135 1325 2 350 4 94 215 2595 1 +1,80 93 27 703 5 67 96 6 2782 10058 23 1964 1922 6 1053 7 2145 38 1986 9456 8 641 541 28 1526 223 1530 293 11 1042 4606 49 61 5631 1499 5 1009 1332 1 +3,11 7092 6466 1068 928 550 3 450 1129 6 0 4939 5 0 119 8727 4948 69 3 3196 230 2 8091 1068 794 11191 385 211 225 2 453 1 +3,412 6400 17 6225 18 19 1018 49 61 3785 104 20 803 16 169 139 113 1319 5 6685 1617 408 690 8 28 3 10487 4 16 8805 3108 2 1226 3 483 8419 8995 1 +0,24 3823 18 28 46 32 280 3 3173 225 46 763 149 0 3850 4444 232 4 26 4749 427 3 514 4598 12 1162 1825 295 2 21 3710 2132 4 599 1 +1,17 4058 501 244 2929 2270 1030 21 269 228 28 2 1146 51 5215 83 5490 294 3027 2920 6 26 337 1655 1 +3,434 190 175 13 9100 532 3450 1917 6141 9746 0 240 7 9268 +3,1068 68 11147 5983 7 38 163 2 521 2196 121 166 2332 19 1160 0 370 1 +3,11 6242 2665 20 16 8022 140 858 2821 45 4529 518 211 29 46 982 1232 1 +0,125 227 633 2566 518 5107 7742 3730 2 222 274 12 105 2 265 186 161 588 583 3 228 9555 3344 0 150 145 1243 2 5330 759 12 0 3711 1 +1,24 171 1018 16 317 769 11129 23 1962 3015 2 14 214 1865 8 28 15 5560 12 3323 1554 1712 164 791 5040 3603 9 531 94 184 1279 1 +1,744 17 4058 501 244 2929 2270 1030 21 269 228 28 2 1146 51 5215 83 5490 294 3027 2920 6 26 337 1655 1 +1,409 2173 285 5956 6071 55 626 168 23 4114 2 1081 26 3411 1151 9 515 26 9766 1 +1,27 1778 1804 5439 4 812 10376 706 4 3 617 318 2 475 0 41 45 542 8311 6 5179 55 34 3 257 670 +3,80 93 17 41 45 223 2065 8 28 776 3 858 23 895 67 96 39 306 0 640 267 920 3 424 772 706 50 0 127 7 67 655 1 +0,17 3083 308 6 700 629 5 0 1446 482 4 2653 284 627 50 169 113 40 47 2 297 268 115 153 3 308 303 18 8 28 1 +0,24 6168 50 2064 6 902 8162 29 76 1826 105 2 1225 3 2515 4833 2 2396 635 14 1644 1633 254 4 2342 6 2396 635 134 18 1 +0,607 1043 17 3083 308 6 700 629 5 0 1446 482 4 2653 284 627 50 169 113 40 47 2 268 115 153 3 308 303 18 8 28 1 +1,17 27 343 8 3 3148 1552 14 214 133 3157 53 0 2491 4 3 3440 1747 5 1190 7 359 8 28 42 0 2456 1685 141 4569 476 18 1 +1,24 6271 4 38 921 758 23 101 152 2 504 4429 28 1 +3,5708 6368 550 9642 8479 75 65 3885 19 167 122 51 82 0 9827 1 +0,1855 91 1373 5 0 62 10 7 734 2 979 82 15 4696 15 3 4557 55 548 1328 1259 3 4883 4 5561 155 0 882 4 116 58 767 2 8457 35 9036 868 1 +0,125 746 1741 30 1472 51 12 0 526 6 30 1796 21 2600 193 8808 92 14 1306 0 1078 4 295 56 206 604 142 303 7018 18 1 +0,603 1975 1801 18 28 46 32 2055 35 2170 4 3 338 197 130 97 6 1402 1408 58 2 200 579 2673 114 925 1 +1,4079 1190 17 27 343 8 3 3148 1552 14 214 133 3157 53 0 2491 4 3 3440 1747 5 1190 7 359 28 42 0 2456 1685 141 4569 476 18 1 +3,80 93 17 1630 4 344 168 2098 10788 8 28 8 1746 4 1751 264 39 0 4728 299 328 11425 5 312 44 0 736 21 2438 18 1 +0,252 6 142 1507 30 8 3 174 1001 4 114 10 771 76 235 566 12 0 178 959 527 1 +0,3083 308 6 700 629 5 0 1446 482 4 2653 284 627 50 169 113 40 47 2 268 115 153 3 308 303 18 8 28 1 +1,125 27 8910 8420 355 3 7338 5 3 282 304 5 3 1487 7342 179 44 0 736 2 1024 84 9907 4 5504 55 356 4943 861 4640 1 +1,125 11 576 1977 2552 669 2 0 5538 4 21 633 1644 2148 591 1778 970 5 0 11339 681 233 4 298 53 3 585 8292 10132 584 1 +3,17 41 45 223 2065 8 28 776 3 858 23 895 67 96 39 306 0 640 267 920 3 424 772 706 50 0 127 7 67 655 1 +3,17 4055 690 0 92 7 63 199 1022 1288 18 8 28 19 473 2 34 2463 20 3 2494 4 133 798 3303 1250 9 297 139 153 360 3122 4 297 66 153 4 3242 1 +3,80 93 17 4055 690 0 92 7 63 199 1022 1288 18 8 28 19 473 2 34 2463 20 3 2494 4 133 798 3303 1250 9 139 153 360 3122 4 66 153 4 3242 1 +3,11 367 5197 175 1122 3 864 2 396 1292 2126 8 317 5405 1 +3,11 62 1311 21 1112 5 16 5500 42 29 40 143 34 1757 2 0 8356 1 +0,17 11 3639 10027 9314 4 3 1695 1882 2498 698 76 23 0 2498 787 42 23 4489 10 2631 1265 19 41 45 242 18 8 86 1 +0,1 37 347 36 463 379 37 347 36 1906 5820 5537 2 1824 8776 +0,11 238 105 2 79 51 16 3408 5209 193 12 0 5042 7 5569 663 114 1 +1,24 11 88 749 284 548 11348 2 8799 718 3397 2158 0 9970 19 555 39 0 2398 351 644 6 478 8567 12 0 92 7 73 153 7104 3 176 41 98 317 18 28 1 +1,3022 2953 745 2298 4 219 1916 7 1100 3533 83 3 1689 5061 2563 796 228 28 10873 60 3726 10847 552 132 0 2678 285 31 2 4464 2 279 82 83 0 3545 54 25 3552 180 9 103 8 2479 2647 647 1 +1,6804 7721 538 3823 18 28 46 32 280 3 3173 225 46 763 149 0 3850 4444 232 4 26 4749 3 514 4598 12 1162 1825 295 2 21 3710 2132 4 599 2892 21 3308 1555 4 0 3173 20 11 1036 378 8124 10277 5572 8423 46 18 1549 0 1542 4 0 4873 111 7750 10258 15 566 15 3 3659 46 763 31 404 9 8440 2060 11341 1 +1,836 100 41 45 1546 1135 53 0 1191 635 4 253 926 3 484 540 628 225 1006 64 9410 28 15 5163 14 3 420 508 1157 2 804 3 2507 292 2 495 2 5126 21 157 2 0 443 1 +1,273 101 152 8 28 172 105 2 1139 1344 161 2 825 161 41 45 196 54 30 210 2745 5 499 6 496 5 57 4 0 199 11183 5257 248 0 157 4 0 3900 1407 1 +0,1855 91 1640 167 21 2073 4 230 178 550 2 34 322 3 5092 732 4 19 15 3 1262 10 31 4555 8 21 2083 5 0 2102 4 3 9675 1235 5 0 8690 1 +0,178 527 1092 69 521 566 12 99 969 278 7425 7 1351 2282 7451 8 142 235 184 2 34 1711 1 +2,117 255 1138 2 0 2688 5 0 1050 937 1313 761 507 0 228 9787 1807 10 1415 385 50 0 7990 7 1529 361 53 228 1 +3,80 93 17 41 45 223 4606 8 28 776 3 858 23 895 67 96 39 272 7 267 1436 52 89 920 3 424 319 3283 706 50 0 127 7 67 655 1 +3,571 17 955 2326 97 37 27 376 305 373 341 397 91 410 415 402 954 236 286 223 423 418 36 954 236 37 27 36 8 28 147 16 194 699 559 207 6 2460 16 437 1495 2 66 115 153 15 19 265 629 8 1070 6 1710 1526 16 202 51 740 113 1 +0,6418 6470 2009 3020 3005 29 34 367 2 1326 50 11 433 1623 7 730 8739 218 1 +0,7325 4308 58 4 4180 3853 829 8 28 172 0 4481 4 7384 6452 1196 21 3408 5209 114 671 9 178 3442 10 8861 71 9912 2056 4 130 97 178 6 0 156 3970 1372 434 2467 10 30 3348 3684 4 2635 220 1741 6 931 11432 1 +3,603 1975 1801 2553 35 2170 4 130 1402 1408 338 1351 1178 105 2 425 2036 14 2291 2068 3071 7 466 927 9387 21 875 23 524 2981 2887 2068 6 49 1 +3,1373 30 8944 1150 223 12 3087 429 9 7236 4317 19 13 3 8383 1 +0,2884 0 398 685 10165 54 1436 0 43 2233 9 59 438 32 0 9227 2 4982 3 2237 76 118 225 232 3222 55 8534 42 436 3 2237 5141 20 232 322 9354 2801 1 +0,470 379 6268 525 29 34 762 5 5674 1323 290 0 41 45 1 +3,1869 17 1053 7 1592 37 27 376 305 373 341 397 91 410 415 402 1609 98 286 223 423 418 36 1609 98 37 27 36 0 92 7 262 66 168 1112 523 8 28 147 21 530 113 708 5 63 158 207 6 18 383 9 0 1020 4 0 47 85 176 545 874 1 +3,80 93 17 1630 4 176 5497 342 7014 58 37 27 376 305 373 341 397 91 410 415 402 4124 98 286 223 423 418 36 4124 98 37 27 36 6 524 6628 58 37 27 376 305 373 341 397 91 410 415 402 4019 98 286 223 423 418 36 4019 98 37 27 36 442 2 35 3437 2628 14 214 740 389 8 28 39 3 8917 20 6888 6010 84 4599 8833 240 980 1 +0,7845 268 4 0 363 2141 5218 2118 1263 3 2200 1973 8846 6 3 7347 1654 8 1 +0,2175 1937 3861 2510 2672 1736 352 104 1576 9646 82 513 4860 1317 463 3498 12 2256 2576 342 1 +0,4256 55 184 516 21 890 53 0 48 5485 2427 4 2869 40 162 1 +0,2296 4026 57 286 4 3 1428 1653 2755 1972 994 4988 14 1985 4224 1489 3143 3879 1 +0,117 255 1138 0 3185 123 3 1794 9 710 1023 3540 2410 124 69 979 60 40 47 1 +0,7700 58 296 3 38 565 4 16 968 700 1330 8 28 358 7346 169 6 5155 105 9 21 1334 2 16 2023 114 5787 1949 3963 84 29 222 53 4507 14 0 157 4 40 162 6 13 416 9 247 119 47 1 +0,542 5160 3261 0 309 4 7151 3 3698 5219 1776 193 762 8 232 5308 9 309 5 0 382 4732 4 2249 2197 6 135 7972 392 3094 5 710 1243 897 6 175 2691 1 +2,24 847 5575 2473 396 51 5198 6 3641 1204 10699 2 2152 0 450 2 34 292 435 19 31 993 72 9 7851 6376 2 615 26 1724 6 2062 5584 180 53 0 4458 20 11347 26 3511 6 4586 3891 3891 1 +2,24 7764 4 0 1313 761 507 83 1052 1167 6870 285 1050 937 1 +2,461 6709 693 468 11 461 5970 28 473 2 1550 8 3 57 47 768 12 8781 6013 5951 429 1016 79 1791 994 1550 4 0 338 64 76 4751 1 +1,1182 2441 1584 2 3649 0 2091 4 263 311 4797 84 32 5420 290 0 1223 1 +1,1391 2611 0 2651 4 9973 6107 7730 200 21 3117 1 +1,101 152 195 172 105 2 1139 1344 161 2 825 161 41 45 196 54 30 210 2745 5 499 6 496 1 +1,6051 101 152 8 28 172 105 2 1139 15 232 15 825 161 41 45 196 54 30 210 2745 5 1645 499 6 496 5 57 4 0 199 5257 248 0 157 4 0 3900 1407 1 +1,3022 2953 745 3976 4 219 1916 3304 5 3184 28 15 0 2678 285 2538 23 3 546 3244 1555 2471 6 737 53 228 9 3 1814 12 0 3545 54 25 3552 180 9 103 8 2479 2647 647 1 +0,470 379 4382 7 38 114 582 2 3388 4904 1817 1 +0,1057 11 4186 1619 7119 5725 13 21 9034 3521 4942 1708 10 5010 807 3692 2109 6 2079 2641 1229 12 99 4 0 2056 6 9260 10 57 5136 85 1099 2 548 5 3 2030 6512 6508 2001 190 1 +0,1057 1632 1619 6394 13 348 16 344 301 399 2 0 119 661 2766 505 981 6 264 300 15 0 1076 3593 60 0 1632 1637 2109 175 6 3097 0 557 3860 440 519 968 2 16 5193 1 +0,1057 577 3127 871 4 130 7 1055 1187 3300 959 142 2670 2 0 178 609 307 163 192 2 504 0 240 184 11327 2 1156 16 10377 950 371 10 32 35 10267 192 2 5260 307 163 3716 15 46 30 181 762 20 130 140 34 5448 2 1117 10 138 4 0 114 46 502 145 8 35 525 55 34 4744 20 959 71 140 145 930 4739 1 +1,24 2831 8146 1980 3 3218 4 4357 11187 4713 1325 2 41 45 444 5 100 6 209 48 4357 2529 3382 35 62 18 28 1 +0,24 2298 4 242 318 2 8664 14 0 254 4 7932 2 1326 50 642 7170 931 599 1500 6 135 1267 2706 2 8528 8239 9865 4781 1 +0,129 3922 4021 273 24 11 43 1708 2 5274 1421 8519 23 0 3158 4 94 3677 3668 3 38 3702 3485 10 55 1809 2091 6 10688 0 2815 153 578 1988 2 2231 3668 25 90 1664 20 0 107 117 3781 113 4 3668 3 1421 5554 5 0 4535 3143 3193 20 3 1421 8518 1264 0 864 4 10676 8860 71 769 1 +0,2175 1937 130 10697 3715 7926 6402 10338 5 819 104 3861 2510 2672 1736 352 104 1 +0,2296 4026 57 286 4 3 1428 1653 2755 1972 994 4988 14 1985 4224 1489 3143 3879 1 +0,840 117 2366 7 3860 440 519 6 301 399 29 34 4567 8 1632 7 897 1 +3,80 93 17 41 45 223 5259 8 28 15 67 96 5295 23 35 1109 310 2782 383 8083 23 2709 2572 0 2075 3615 1 +3,80 93 17 11 702 2065 83 0 1718 8 28 39 3 218 8 3338 53 41 45 2442 1140 614 4 3 627 5 881 3409 2 2112 0 545 3089 774 9 0 162 1 +0,24 462 459 47 266 5840 4293 619 9 3 478 361 8135 5 189 902 9130 1852 77 276 3 65 8 3 3148 10556 10 4568 3 220 12 3 173 1146 567 156 4643 1 +0,129 5758 6506 2943 3066 24 11 11326 1663 11025 5 0 8695 8853 1806 9671 12 67 10100 10871 3357 6 4964 4 8470 6 10003 3855 10413 0 106 7 730 9853 5024 52 10425 0 10523 7 8840 2 3323 617 1127 6 11136 60 3 9926 50 16 9950 8465 3866 7208 1 +0,129 6496 6501 1185 1163 24 2863 58 0 156 206 1484 175 13 3 3562 5 1370 3 62 10 4786 4802 130 97 1187 193 6 5271 8 19 4830 2 3700 801 6 986 0 2107 19 5276 2 300 1 diff --git a/fluid/PaddleRec/tagspace/utils.py b/fluid/PaddleRec/tagspace/utils.py index bf483db6a7f5edf961389615fe8820bc1361b9fd..f5b7e64753d331df57e2ef0a86b5a1dff1cea37a 100644 --- a/fluid/PaddleRec/tagspace/utils.py +++ b/fluid/PaddleRec/tagspace/utils.py @@ -1,6 +1,7 @@ import re import sys import collections +import os import six import time import numpy as np @@ -23,30 +24,39 @@ def to_lodtensor(data, place): res.set_lod([lod]) return res -def prepare_data(train_filename, - test_filename, +def get_vocab_size(vocab_path): + with open(vocab_path, "r") as rf: + line = rf.readline() + return int(line.strip()) + + +def prepare_data(file_dir, + vocab_text_path, + vocab_tag_path, batch_size, - neg_size=1, - buffer_size=1000, - word_freq_threshold=0, - enable_ce=False): + neg_size, + buffer_size, + is_train=True): """ prepare the AG's News Topic Classification data """ - print("start constuct word dict") - vocab_text = build_dict(2, word_freq_threshold, train_filename, test_filename) - vocab_tag = build_dict(0, word_freq_threshold, train_filename, test_filename) - print("construct word dict done\n") - train_reader = sort_batch( - paddle.reader.shuffle( - train( - train_filename, vocab_text, vocab_tag, neg_size, - buffer_size, data_type=DataType.SEQ), - buf_size=buffer_size), - batch_size, batch_size * 20) - test_reader = sort_batch( - test( - test_filename, vocab_text, vocab_tag, neg_size, buffer_size, data_type=DataType.SEQ), - batch_size, batch_size * 20) - return vocab_text, vocab_tag, train_reader, test_reader + print("start read file") + if is_train: + vocab_text_size = get_vocab_size(vocab_text_path) + vocab_tag_size = get_vocab_size(vocab_tag_path) + reader = sort_batch( + paddle.reader.shuffle( + train( + file_dir, vocab_tag_size, neg_size, + buffer_size, data_type=DataType.SEQ), + buf_size=buffer_size), + batch_size, batch_size * 20) + else: + vocab_tag_size = get_vocab_size(vocab_tag_path) + vocab_text_size = 0 + reader = sort_batch( + test( + file_dir, vocab_tag_size, buffer_size, data_type=DataType.SEQ), + batch_size, batch_size * 20) + return vocab_text_size, vocab_tag_size, reader def sort_batch(reader, batch_size, sort_group_size, drop_last=False): """ @@ -97,82 +107,57 @@ def sort_batch(reader, batch_size, sort_group_size, drop_last=False): class DataType(object): SEQ = 2 -def word_count(column_num, input_file, word_freq=None): - """ - compute word count from corpus - """ - if word_freq is None: - word_freq = collections.defaultdict(int) - data_file = csv.reader(input_file) - for row in data_file: - for w in re.split(r'\W+',row[column_num].strip()): - word_freq[w]+= 1 - return word_freq - -def build_dict(column_num=2, min_word_freq=50, train_filename="", test_filename=""): - """ - Build a word dictionary from the corpus, Keys of the dictionary are words, - and values are zero-based IDs of these words. - """ - with open(train_filename) as trainf: - with open(test_filename) as testf: - word_freq = word_count(column_num, testf, word_count(column_num, trainf)) - - word_freq = [x for x in six.iteritems(word_freq) if x[1] > min_word_freq] - word_freq_sorted = sorted(word_freq, key=lambda x: (-x[1], x[0])) - words, _ = list(zip(*word_freq_sorted)) - word_idx = dict(list(zip(words, six.moves.range(len(words))))) - return word_idx - -def train_reader_creator(filename, text_idx, tag_idx, neg_size, n, data_type): +def train_reader_creator(file_dir, tag_size, neg_size, n, data_type): def reader(): - with open(filename) as input_file: - data_file = csv.reader(input_file) - for row in data_file: - text_raw = re.split(r'\W+', row[2].strip()) - text = [text_idx.get(w) for w in text_raw] - tag_raw = re.split(r'\W+', row[0].strip()) - pos_index = tag_idx.get(tag_raw[0]) - pos_tag=[] - pos_tag.append(pos_index) - neg_tag=[] - max_iter = 100 - now_iter = 0 - sum_n = 0 - while(sum_n < neg_size) : - now_iter += 1 - if now_iter > max_iter: - print("error : only one class") - sys.exit(0) - rand_i = np.random.randint(0, len(tag_idx)) - if rand_i != pos_index: - neg_index=rand_i - neg_tag.append(neg_index) - sum_n += 1 - if n > 0 and len(text) > n: continue - yield text, pos_tag, neg_tag + files = os.listdir(file_dir) + for fi in files: + with open(file_dir + '/' + fi, "r") as f: + for l in f: + l = l.strip().split(",") + pos_index = int(l[0]) + pos_tag = [] + pos_tag.append(pos_index) + text_raw = l[1].split() + text = [int(w) for w in text_raw] + neg_tag = [] + max_iter = 100 + now_iter = 0 + sum_n = 0 + while(sum_n < neg_size) : + now_iter += 1 + if now_iter > max_iter: + print("error : only one class") + sys.exit(0) + rand_i = np.random.randint(0, tag_size) + if rand_i != pos_index: + neg_index = rand_i + neg_tag.append(neg_index) + sum_n += 1 + if n > 0 and len(text) > n: continue + yield text, pos_tag, neg_tag return reader -def test_reader_creator(filename, text_idx, tag_idx, n, data_type): +def test_reader_creator(file_dir, tag_size, n, data_type): def reader(): - with open(filename) as input_file: - data_file = csv.reader(input_file) - for row in data_file: - text_raw = re.split(r'\W+', row[2].strip()) - text = [text_idx.get(w) for w in text_raw] - tag_raw = re.split(r'\W+', row[0].strip()) - pos_index = tag_idx.get(tag_raw[0]) - pos_tag = [] - pos_tag.append(pos_index) - for ii in range(len(tag_idx)): - tag = [] - tag.append(ii) - yield text, tag, pos_tag + files = os.listdir(file_dir) + for fi in files: + with open(file_dir + '/' + fi, "r") as f: + for l in f: + l = l.strip().split(",") + pos_index = int(l[0]) + pos_tag = [] + pos_tag.append(pos_index) + text_raw = l[1].split() + text = [int(w) for w in text_raw] + for ii in range(tag_size): + tag = [] + tag.append(ii) + yield text, tag, pos_tag return reader -def train(filename, text_idx, tag_idx, neg_size, n, data_type=DataType.SEQ): - return train_reader_creator(filename, text_idx, tag_idx, neg_size, n, data_type) +def train(train_dir, tag_size, neg_size, n, data_type=DataType.SEQ): + return train_reader_creator(train_dir, tag_size, neg_size, n, data_type) -def test(filename, text_idx, tag_idx, neg_size, n, data_type=DataType.SEQ): - return test_reader_creator(filename, text_idx, tag_idx, n, data_type) +def test(test_dir, tag_size, n, data_type=DataType.SEQ): + return test_reader_creator(test_dir, tag_size, n, data_type) diff --git a/fluid/PaddleRec/tagspace/vocab_tag.txt b/fluid/PaddleRec/tagspace/vocab_tag.txt new file mode 100644 index 0000000000000000000000000000000000000000..b8626c4cff2849624fb67f87cd0ad72b163671ad --- /dev/null +++ b/fluid/PaddleRec/tagspace/vocab_tag.txt @@ -0,0 +1 @@ +4 diff --git a/fluid/PaddleRec/tagspace/vocab_text.txt b/fluid/PaddleRec/tagspace/vocab_text.txt new file mode 100644 index 0000000000000000000000000000000000000000..62507315ea41ac53979f221cfcaf0fb71fd1d696 --- /dev/null +++ b/fluid/PaddleRec/tagspace/vocab_text.txt @@ -0,0 +1 @@ +11447