From 2696f48afa47b1d824f6be714617e74d2a3672c8 Mon Sep 17 00:00:00 2001 From: Shahd Alotaibi Date: Mon, 28 Jun 2021 00:35:06 +0300 Subject: [PATCH 1/5] Add files via upload I used Genetic algorithm for feature selection in text dataset which is called 20 Newsgroups. --- Untitled13.ipynb | 1312 +++++++++++++++++++++++ Untitled15.ipynb | 2644 ++++++++++++++++++++++++++++++++++++++++++++++ Untitled17.ipynb | 668 ++++++++++++ Untitled18.ipynb | 303 ++++++ 4 files changed, 4927 insertions(+) create mode 100644 Untitled13.ipynb create mode 100644 Untitled15.ipynb create mode 100644 Untitled17.ipynb create mode 100644 Untitled18.ipynb diff --git a/Untitled13.ipynb b/Untitled13.ipynb new file mode 100644 index 00000000..8d8aeeee --- /dev/null +++ b/Untitled13.ipynb @@ -0,0 +1,1312 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy\n", + "import sklearn.svm\n", + "import numpy as np\n", + "\n", + "def reduce_features(solution, features):\n", + " selected_elements_indices = numpy.where(solution == 1)[0]\n", + " reduced_features = features[:, selected_elements_indices]\n", + " return reduced_features\n", + "\n", + "\n", + "def classification_accuracy(labels, predictions):\n", + " correct = numpy.where(labels == predictions)[0]\n", + " accuracy = correct.shape[0]/labels.shape[0]\n", + " return accuracy\n", + "\n", + "\n", + "def cal_pop_fitness(pop, features, labels, train_indices, test_indices):\n", + " accuracies = numpy.zeros(pop.shape[0])\n", + " idx = 0\n", + "\n", + " for curr_solution in pop:\n", + " reduced_features = reduce_features(curr_solution, features)\n", + " train_data = reduced_features[train_indices, :]\n", + " test_data = reduced_features[test_indices, :]\n", + " print (\"train_indices::: \", train_indices)\n", + " print (\"labels[train_indices] : \", labels[train_indices])\n", + " train_labels = labels[train_indices]\n", + " test_labels = labels[test_indices]\n", + "\n", + " SV_classifier = sklearn.svm.SVC(gamma='scale')\n", + " SV_classifier.fit(X=train_data, y=train_labels)\n", + "\n", + " predictions = SV_classifier.predict(test_data)\n", + " accuracies[idx] = classification_accuracy(test_labels, predictions)\n", + " idx = idx + 1\n", + " return accuracies\n", + "\n", + "def select_mating_pool(pop, fitness, num_parents):\n", + " # Selecting the best individuals in the current generation as parents for producing the offspring of the next generation.\n", + " parents = numpy.empty((num_parents, pop.shape[1]))\n", + " for parent_num in range(num_parents):\n", + " max_fitness_idx = numpy.where(fitness == numpy.max(fitness))\n", + " max_fitness_idx = max_fitness_idx[0][0]\n", + " parents[parent_num, :] = pop[max_fitness_idx, :]\n", + " fitness[max_fitness_idx] = -99999999999\n", + " return parents\n", + "\n", + "\n", + "def crossover(parents, offspring_size):\n", + " offspring = numpy.empty(offspring_size)\n", + " # The point at which crossover takes place between two parents. Usually, it is at the center.\n", + " crossover_point = numpy.uint8(offspring_size[1]/2)\n", + "\n", + " for k in range(offspring_size[0]):\n", + " # Index of the first parent to mate.\n", + " parent1_idx = k%parents.shape[0]\n", + " # Index of the second parent to mate.\n", + " parent2_idx = (k+1)%parents.shape[0]\n", + " # The new offspring will have its first half of its genes taken from the first parent.\n", + " offspring[k, 0:crossover_point] = parents[parent1_idx, 0:crossover_point]\n", + " # The new offspring will have its second half of its genes taken from the second parent.\n", + " offspring[k, crossover_point:] = parents[parent2_idx, crossover_point:]\n", + " return offspring\n", + "\n", + "\n", + "def mutation(offspring_crossover, num_mutations=2):\n", + " mutation_idx = numpy.random.randint(low=0, high=offspring_crossover.shape[1], size=num_mutations)\n", + " # Mutation changes a single gene in each offspring randomly.\n", + " for idx in range(offspring_crossover.shape[0]):\n", + " # The random value to be added to the gene.\n", + " offspring_crossover[idx, mutation_idx] = 1 - offspring_crossover[idx, mutation_idx]\n", + " return offspring_crossover" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from sklearn.datasets import fetch_20newsgroups\n", + "from sklearn.feature_extraction.text import TfidfVectorizer , CountVectorizer\n", + "from sklearn.feature_extraction.text import TfidfTransformer\n", + "from sklearn.naive_bayes import MultinomialNB\n", + "from sklearn import metrics\n", + "# from sklearn.datasets import fetch_20newsgroups_vectorized \n", + "\n", + "twenty_train = fetch_20newsgroups(subset='train', shuffle=True)\n", + "count_vect = CountVectorizer()\n", + "X_train_counts = count_vect.fit_transform(twenty_train.data).toarray()\n", + "print (len(twenty_train.data))\n", + "print (X_train_counts.shape)\n", + "# twenty_train.data." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "\n", + "vectorizer = TfidfVectorizer(max_features=5000)\n", + "X = vectorizer.fit_transform(newsgroups_train.data)\n", + "y = newsgroups_train.target\n", + "Xtest = vectorizer.transform(newsgroups_test.data)\n", + "ytest = newsgroups_test.target\n", + "print(y.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy\n", + "# import GA\n", + "import pickle\n", + "import matplotlib.pyplot\n", + "\n", + "newsgroups = fetch_20newsgroups(subset='all')\n", + "categories = list(newsgroups.target_names)\n", + "newsgroups_train = fetch_20newsgroups(subset='train',categories=categories)\n", + "newsgroups_test = fetch_20newsgroups(subset='test', categories=categories)\n", + "\n", + "# f = open(\"dataset_features.pkl\", \"rb\")\n", + "data_inputs = newsgroups_train.data\n", + "# f.close()\n", + "\n", + "# f = open(\"outputs.pkl\", \"rb\")\n", + "data_outputs = categories\n", + "# f.close()\n", + "\n", + "count_vect = CountVectorizer()\n", + "X_train_counts = count_vect.fit_transform(twenty_train.data)\n", + "data_inputs = X_train_counts\n", + "num_samples = data_inputs.shape[0]\n", + "num_feature_elements = data_inputs.shape[1]\n", + "\n", + "train_indices = numpy.arange(1, num_samples, 4)\n", + "print (\"train_indices: \" , train_indices)\n", + "test_indices = numpy.arange(0, num_samples, 4)\n", + "print(\"Number of training samples: \", train_indices.shape[0])\n", + "print(\"Number of test samples: \", test_indices.shape[0])\n", + "\n", + "\"\"\"\n", + "Genetic algorithm parameters:\n", + " Population size\n", + " Mating pool size\n", + " Number of mutations\n", + "\"\"\"\n", + "sol_per_pop = 8 # Population size.\n", + "num_parents_mating = 4 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "\n", + "# Defining the population shape.\n", + "pop_shape = (sol_per_pop, num_feature_elements)\n", + "\n", + "# Creating the initial population.\n", + "new_population = numpy.random.randint(low=0, high=2, size=pop_shape)\n", + "print(new_population.shape)\n", + "\n", + "best_outputs = []\n", + "num_generations = 100\n", + "for generation in range(num_generations):\n", + " print(\"Generation : \", generation)\n", + " # Measuring the fitness of each chromosome in the population.\n", + " print (\"data_outputs: \" , data_outputs)\n", + " fitness = cal_pop_fitness(new_population, data_inputs, data_outputs, train_indices, test_indices)\n", + "\n", + " best_outputs.append(numpy.max(fitness))\n", + " # The best result in the current iteration.\n", + " print(\"Best result : \", best_outputs[-1])\n", + "\n", + " # Selecting the best parents in the population for mating.\n", + " parents = GA.select_mating_pool(new_population, fitness, num_parents_mating)\n", + "\n", + " # Generating next generation using crossover.\n", + " offspring_crossover = GA.crossover(parents, offspring_size=(pop_shape[0]-parents.shape[0], num_feature_elements))\n", + "\n", + " # Adding some variations to the offspring using mutation.\n", + " offspring_mutation = GA.mutation(offspring_crossover, num_mutations=num_mutations)\n", + "\n", + " # Creating the new population based on the parents and offspring.\n", + " new_population[0:parents.shape[0], :] = parents\n", + " new_population[parents.shape[0]:, :] = offspring_mutation\n", + "\n", + "# Getting the best solution after iterating finishing all generations.\n", + "# At first, the fitness is calculated for each solution in the final generation.\n", + "fitness = GA.cal_pop_fitness(new_population, data_inputs, data_outputs, train_indices, test_indices)\n", + "# Then return the index of that solution corresponding to the best fitness.\n", + "best_match_idx = numpy.where(fitness == numpy.max(fitness))[0]\n", + "best_match_idx = best_match_idx[0]\n", + "\n", + "best_solution = new_population[best_match_idx, :]\n", + "best_solution_indices = numpy.where(best_solution == 1)[0]\n", + "best_solution_num_elements = best_solution_indices.shape[0]\n", + "best_solution_fitness = fitness[best_match_idx]\n", + "\n", + "print(\"best_match_idx : \", best_match_idx)\n", + "print(\"best_solution : \", best_solution)\n", + "print(\"Selected indices : \", best_solution_indices)\n", + "print(\"Number of selected elements : \", best_solution_num_elements)\n", + "print(\"Best solution fitness : \", best_solution_fitness)\n", + "\n", + "matplotlib.pyplot.plot(best_outputs)\n", + "matplotlib.pyplot.xlabel(\"Iteration\")\n", + "matplotlib.pyplot.ylabel(\"Fitness\")\n", + "matplotlib.pyplot.show()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# print (num_samples)\n", + "# print (train_indices)\n", + "newsgroups_train.data" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print (X_train_counts)\n", + "print (X_train_counts.shape[0])\n", + "In [274]: dt=np.dtype('int,float')\n", + "\n", + "In [275]: np.array(xlist,dtype=dt)\n", + "# data_inputs = np.array(X_train_counts)\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print (dataset.data[1])\n", + "print (dataset.target[1])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# get dataframe path, population number and generation number from command-line argument\n", + "\n", + "from sklearn.datasets import fetch_20newsgroups_vectorized\n", + "# newsgroups = fetch_20newsgroups_vectorized(subset='all')\n", + "# newsgroups = fetch_20newsgroups_vectorized(subset='test')\n", + "newsgroups = fetch_20newsgroups_vectorized(subset='train')\n", + "\n", + "categories = list(newsgroups.target_names)\n", + "dataframePath = newsgroups\n", + "n_pop = 20\n", + "n_gen = 4\n", + "\n", + "# read dataframe from csv\n", + "df = newsgroups\n", + "\n", + "# encode labels column to numbers\n", + "le = categories\n", + "le.fit(df.iloc[:, -1])\n", + "y = le.transform(df.iloc[:, -1])\n", + "X = categories\n", + "\n", + "# get accuracy with all features\n", + "individual = [1 for i in range(len(X.columns))]\n", + "print(\"Accuracy with all features: \\t\" +\n", + " str(getFitness(individual, X, y)) + \"\\n\")\n", + "\n", + "# apply genetic algorithm\n", + "hof = geneticAlgorithm(X, y, n_pop, n_gen)\n", + "\n", + "# select the best individual\n", + "accuracy, individual, header = bestIndividual(hof, X, y)\n", + "print('Best Accuracy: \\t' + str(accuracy))\n", + "print('Number of Features in Subset: \\t' + str(individual.count(1)))\n", + "print('Individual: \\t\\t' + str(individual))\n", + "print('Feature Subset\\t: ' + str(header))\n", + "\n", + "print('\\n\\ncreating a new classifier with the result')\n", + "\n", + "# read dataframe from csv one more time\n", + "# df = pd.read_csv(dataframePath, sep=',')\n", + "\n", + "# with feature subset\n", + "X = df[header]\n", + "\n", + "clf = LogisticRegression()\n", + "\n", + "scores = cross_val_score(clf, X, y, cv=5)\n", + "print(\"Accuracy with Feature Subset: \\t\" + str(avg(scores)) + \"\\n\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "import random\n", + "from sklearn.linear_model import LogisticRegression\n", + "from sklearn.model_selection import cross_val_score\n", + "from sklearn.preprocessing import LabelEncoder\n", + "from deap import creator, base, tools, algorithms\n", + "import sys\n", + "\n", + "\n", + "def avg(l):\n", + " \"\"\"\n", + " Returns the average between list elements\n", + " \"\"\"\n", + " return (sum(l)/float(len(l)))\n", + "\n", + "\n", + "def getFitness(individual, X, y):\n", + " \"\"\"\n", + " Feature subset fitness function\n", + " \"\"\"\n", + "\n", + " if(individual.count(0) != len(individual)):\n", + " # get index with value 0\n", + " cols = [index for index in range(\n", + " len(individual)) if individual[index] == 0]\n", + "\n", + " # get features subset\n", + " X_parsed = X.drop(X.columns[cols], axis=1)\n", + " X_subset = pd.get_dummies(X_parsed)\n", + "\n", + " # apply classification algorithm\n", + " clf = LogisticRegression()\n", + "\n", + " return (avg(cross_val_score(clf, X_subset, y, cv=5)),)\n", + " else:\n", + " return(0,)\n", + "\n", + "\n", + "def geneticAlgorithm(X, y, n_population, n_generation):\n", + " \"\"\"\n", + " Deap global variables\n", + " Initialize variables to use eaSimple\n", + " \"\"\"\n", + " # create individual\n", + " creator.create(\"FitnessMax\", base.Fitness, weights=(1.0,))\n", + " creator.create(\"Individual\", list, fitness=creator.FitnessMax)\n", + "\n", + " # create toolbox\n", + " toolbox = base.Toolbox()\n", + " toolbox.register(\"attr_bool\", random.randint, 0, 1)\n", + " toolbox.register(\"individual\", tools.initRepeat,\n", + " creator.Individual, toolbox.attr_bool, len(X.columns))\n", + " toolbox.register(\"population\", tools.initRepeat, list,\n", + " toolbox.individual)\n", + " toolbox.register(\"evaluate\", getFitness, X=X, y=y)\n", + " toolbox.register(\"mate\", tools.cxOnePoint)\n", + " toolbox.register(\"mutate\", tools.mutFlipBit, indpb=0.05)\n", + " toolbox.register(\"select\", tools.selTournament, tournsize=3)\n", + "\n", + " # initialize parameters\n", + " pop = toolbox.population(n=n_population)\n", + " hof = tools.HallOfFame(n_population * n_generation)\n", + " stats = tools.Statistics(lambda ind: ind.fitness.values)\n", + " stats.register(\"avg\", np.mean)\n", + " stats.register(\"min\", np.min)\n", + " stats.register(\"max\", np.max)\n", + "\n", + " # genetic algorithm\n", + " pop, log = algorithms.eaSimple(pop, toolbox, cxpb=0.5, mutpb=0.2,\n", + " ngen=n_generation, stats=stats, halloffame=hof,\n", + " verbose=True)\n", + "\n", + " # return hall of fame\n", + " return hof\n", + "\n", + "\n", + "def bestIndividual(hof, X, y):\n", + " \"\"\"\n", + " Get the best individual\n", + " \"\"\"\n", + " maxAccurcy = 0.0\n", + " for individual in hof:\n", + " if(individual.fitness.values > maxAccurcy):\n", + " maxAccurcy = individual.fitness.values\n", + " _individual = individual\n", + "\n", + " _individualHeader = [list(X)[i] for i in range(\n", + " len(_individual)) if _individual[i] == 1]\n", + " return _individual.fitness.values, _individual, _individualHeader\n", + "\n", + "\n", + "def getArguments():\n", + " \"\"\"\n", + " Get argumments from command-line\n", + " If pass only dataframe path, pop and gen will be default\n", + " \"\"\"\n", + " dfPath = sys.argv[1]\n", + " if(len(sys.argv) == 4):\n", + " pop = int(sys.argv[2])\n", + " gen = int(sys.argv[3])\n", + " else:\n", + " pop = 10\n", + " gen = 2\n", + " return dfPath, pop, gen\n", + "\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "import random\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "\n", + "from sklearn.datasets import load_boston\n", + "from sklearn.model_selection import cross_val_score\n", + "from sklearn.linear_model import LinearRegression\n", + "\n", + "from sklearn.datasets import fetch_20newsgroups\n", + "from sklearn.feature_extraction.text import TfidfVectorizer , CountVectorizer , HashingVectorizer\n", + "from sklearn.datasets import fetch_20newsgroups_vectorized\n", + "from sklearn.naive_bayes import MultinomialNB\n", + "\n", + "import pandas as pd\n", + "# newsgroups = fetch_20newsgroups_vectorized(subset='all')\n", + "# newsgroups = fetch_20newsgroups_vectorized(subset='test')\n", + "newsgroups = fetch_20newsgroups_vectorized(subset='train')\n", + "\n", + "SEED = 2018\n", + "random.seed(SEED)\n", + "np.random.seed(SEED)\n", + "\n", + "#==============================================================================\n", + "# Data \n", + "#==============================================================================\n", + "dataset = newsgroups\n", + "\n", + "\n", + "#==============================================================================\n", + "# CV MSE before feature selection\n", + "#==============================================================================\n", + "# est = LinearRegression()\n", + "\n", + "categories = None\n", + "# data_train = fetch_20newsgroups_vectorized(subset='train', remove=('headers', 'footers', 'quotes'))\n", + "# data_test = fetch_20newsgroups_vectorized(subset='test', remove=('headers', 'footers', 'quotes'))\n", + "# data_all = fetch_20newsgroups_vectorized(subset='all', remove=('headers', 'footers', 'quotes'))\n", + "\n", + "# store training feature matrix in \"Xtr\"\n", + "# Xtr = data_train.data\n", + "# print (\"Xtr:\\n\", Xtr)\n", + "\n", + "# store training response vector in \"ytr\"\n", + "# ytr = data_train.target\n", + "# print (\"ytr:\",ytr)\n", + "\n", + "# store testing feature matrix in \"Xtt\"\n", + "# Xtt = data_train.data\n", + "# print (\"Xtt:\\n\", Xtt)\n", + "\n", + "# store testing response vector in \"ytt\"\n", + "# ytt = data_train.target\n", + "# print (\"ytt:\",ytt)\n", + "\n", + "# store all feature matrix in \"Xtr\"\n", + "# X = data_all.data\n", + "# print (\"X:\\n\", X.shape)\n", + "\n", + "# store training response vector in \"ytr\"\n", + "# y = data_all.target\n", + "# print (\"ytr:\",ytr)\n", + "\n", + "categories = ['alt.atheism', 'talk.religion.misc', 'comp.graphics', 'sci.space']\n", + "\n", + "# data = fetch_20newsgroups(subset='all')\n", + "data_train = fetch_20newsgroups(subset='train', categories=categories, remove=('headers', 'footers', 'quotes'))\n", + "data_test = fetch_20newsgroups(subset='test', categories=categories, remove=('headers', 'footers', 'quotes'))\n", + "\n", + "y_train, y_test = data_train.target, data_test.target\n", + "vectorizer = HashingVectorizer(stop_words='english', non_negative=True)\n", + "X_train = vectorizer.transform(data_train.data)\n", + "X_test = vectorizer.transform(data_test.data)\n", + "\n", + "#----------\n", + "clf = MultinomialNB(alpha=.01)\n", + "clf.fit(X_train, y_train)\n", + "pred = clf.predict(X_test)\n", + "score = metrics.accuracy_score(y_test, pred)\n", + "print(\"accuracy before feature selection: %0.3f\" % score)\n", + "#---------\n", + "\n", + "# vectorizer = TfidfVectorizer(sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "# data_train_vectors = vectorizer.fit_transform(data_train.data)\n", + "# # data_test_vectors = vectorizer.transform(data_test.data) \n", + "# X = data_train_vectors\n", + "# y = data_train.target\n", + "\n", + "\n", + "# --------------------------------------\n", + "\n", + "# Xtt = data_test_vectors\n", + "# ytt = data_test.target\n", + "\n", + "# clf_mnb = MultinomialNB(alpha=.01)\n", + "# clf_mnb.fit(X, y)\n", + "# y_pred_mnb = clf_mnb.predict(Xtt)\n", + "# print (\"Classification Accuracy:\",metrics.accuracy_score(ytt, y_pred_mnb))\n", + "# --------------------------------------\n", + "# clf_mnb = MultinomialNB(alpha=.01)\n", + "## print (\"MultinomialNB 10-Cross Validation Score before feature selection:\",cross_val_score(clf_mnb, X, y, cv=5, scoring='accuracy').mean())\n", + "\n", + "# pred = clf_mnb.predict(Xtr)\n", + "# m = metrics.f1_score(ytr, pred, average='macro')\n", + "# print(\"CV metrics f1 before feature selection: {:.2f}\".format(m))\n", + "# score = cross_validation.cross_val_score( clf, X.toarray(), y, cv=5)\n", + "# score = -1.0 * cross_val_score(clf_mnb, X, y, cv=5, scoring='neg_mean_squared_error')\n", + "# print(\"CV MSE before feature selection: {:.2f}\".format(np.mean(score)))\n", + "\n", + "#==============================================================================\n", + "# Class performing feature selection with genetic algorithm\n", + "#==============================================================================\n", + "# (estimator=clf_mnb, n_gen=4, size=50, n_best=10, n_rand=40, n_children=2, mutation_rate=0.05)\n", + "class GeneticSelector():\n", + " def __init__(self, estimator, n_gen, size, n_best, n_rand, \n", + " n_children, mutation_rate):\n", + " \n", + " print (\"__init__: \")\n", + " # Estimator \n", + " self.estimator = estimator\n", + " # Number of generations\n", + " self.n_gen = n_gen\n", + " # Number of chromosomes in population\n", + " self.size = size\n", + " # Number of best chromosomes to select\n", + " self.n_best = n_best\n", + " # Number of random chromosomes to select\n", + " self.n_rand = n_rand\n", + " # Number of children created during crossover\n", + " self.n_children = n_children\n", + " # Probablity of chromosome mutation\n", + " self.mutation_rate = mutation_rate\n", + " if int((self.n_best + self.n_rand) / 2) * self.n_children != self.size:\n", + " raise ValueError(\"The population size is not stable.\") \n", + " \n", + "# ------------------------------\n", + "# i : 0\n", + "# chromosome shape: (101631,)\n", + "# mask: [False True False ... False False False]\n", + "# mask shape: (101631,)\n", + "# chromosome[mask]: [False False False ... False False False]\n", + "# chromosome[mask] shape: (30494,)71082 10329\n", + "\n", + "# i : 0\n", + "# chromosome shape: (101631,)\n", + "# np.random.rand(len(chromosome)): [0.96728762 0.29321817 0.06291302 ... 0.09776348 0.70959122 0.86756446]\n", + "# np.random.rand(len(chromosome)) < 0.3: [False False False ... False True False]\n", + "# mask: [False False False ... False False False]\n", + "# mask [mask !=False]) : [ True True True ... True True True]\n", + "# mask shape: (101631,)\n", + "# chromosome[mask]: [False False False ... False False False]\n", + "# chromosome: (101631,)\n", + "# chromosome[mask] shape: (5047,)\n", + "\n", + "# i : 0\n", + "# chromosome shape: (101631,)\n", + "# chromosome[chromosome !=False] : (101631,)\n", + "# mask [mask !=False]) : (5047,)\n", + "# mask shape: (101631,)\n", + "# (chromosome[mask]!=False).shape: (5047,)\n", + "# chromosome[mask]: [False False False ... False False False]\n", + "# chromosome: (101631,)\n", + "# chromosome[mask] shape: (5047,)\n", + "# chromosome[chromosome !=False] : (96584,)\n", + " \n", + "# ------------------------------\n", + " def initilize(self):\n", + "# print (\"initilize: \")\n", + " population = []\n", + " for i in range(self.size):\n", + " chromosome = np.ones(self.n_features, dtype=np.bool)\n", + " # each chromosome has 113000 size / chromosome is document / pop = 100 chromosome\n", + "# print (\"self.n_features: \", self.n_features)\n", + "# print (\"chromosome shape: \", chromosome.shape)\n", + "# print (\"chromosome[chromosome !=False] : \", chromosome[chromosome !=False].shape)\n", + " \n", + " mask = np.random.rand(len(chromosome)) < 0.3 # Create an array of the given shape and populate it with random samples\n", + " \n", + "# print (\"mask [mask !=False]) : \", mask[mask !=False].shape)\n", + "# print (\"mask shape: \", mask.shape)\n", + " \n", + " chromosome[mask] = False\n", + "# print (\"(chromosome[mask]!=False).shape: \", (chromosome[mask]!=False).shape)\n", + "# print (\"chromosome[mask]: \", chromosome[mask])\n", + " \n", + "# print (\"chromosome: \", chromosome.shape)\n", + "# print (\"chromosome[mask] shape: \", chromosome[mask].shape)\n", + "# print (\"chromosome[chromosome !=False] : \", chromosome[chromosome !=False].shape)\n", + " population.append(chromosome)\n", + "# print (\"population: \", population)\n", + " return population\n", + "\n", + " def fitness(self, population):\n", + "# print (\"fitness: \")\n", + " X, y = self.dataset\n", + "# print (\"X: \",X)\n", + "# print (\"X.shape: \",X.shape)\n", + "# print (\"y.shape: \",y.shape)\n", + " scores = []\n", + " for chromosome in population:\n", + "# print (\"chromosome: \",chromosome)\n", + "# print (\"chromosome.shape: \",chromosome.shape)\n", + "# print (\"chromosome[chromosome !=False].shape: \",chromosome[chromosome !=False].shape)\n", + "# print (\"X[:,chromosome]: \",X[:,chromosome])\n", + "# print (\"X[:,].shape: \",X[:,].shape)\n", + "# print (\"X[,].shape: \",X[0,].shape)\n", + "# score = X[:,chromosome].mean()\n", + " score = -1.0 * np.mean(cross_val_score(self.estimator, X[:,chromosome], y, cv=5, scoring=\"neg_mean_squared_error\"))\n", + " scores.append(score)\n", + " \n", + "# print (\"scores.shape: \",len(scores))\n", + "# print (\"scores: \",scores)\n", + " scores, population = np.array(scores), np.array(population) \n", + " inds = np.argsort(scores)\n", + "# print (\"inds: \",inds)\n", + "# print(\"list(scores[inds]): \",list(scores[inds]))\n", + "# print(\"population[inds,:]: \",population[inds,:])\n", + "# print(\"list(population[inds,:]: \",list(population[inds,:]))\n", + " return list(scores[inds]), list(population[inds,:])\n", + "\n", + " def select(self, population_sorted):\n", + "# print (\"select: \")\n", + " population_next = []\n", + " for i in range(self.n_best):\n", + " population_next.append(population_sorted[i])\n", + " for i in range(self.n_rand):\n", + " population_next.append(random.choice(population_sorted))\n", + " random.shuffle(population_next)\n", + " return population_next\n", + "\n", + " def crossover(self, population):\n", + "# print (\"crossover: \")\n", + " population_next = []\n", + " for i in range(int(len(population)/2)):\n", + " for j in range(self.n_children):\n", + " chromosome1, chromosome2 = population[i], population[len(population)-1-i]\n", + " child = chromosome1\n", + " mask = np.random.rand(len(child)) > 0.5\n", + " child[mask] = chromosome2[mask]\n", + " population_next.append(child)\n", + "# print (len(population_next))\n", + " return population_next\n", + "\t\n", + " def mutate(self, population):\n", + "# print (\"mutate: \")\n", + " population_next = []\n", + " for i in range(len(population)):\n", + " chromosome = population[i]\n", + " if random.random() < self.mutation_rate:\n", + " mask = np.random.rand(len(chromosome)) < 0.05\n", + " chromosome[mask] = False\n", + " population_next.append(chromosome)\n", + " return population_next\n", + "\n", + " def generate(self, population):\n", + "# print (\"generate: \")\n", + " # Selection, crossover and mutation\n", + " scores_sorted, population_sorted = self.fitness(population)\n", + " population = self.select(population_sorted)\n", + " population = self.crossover(population)\n", + " population = self.mutate(population)\n", + " # History\n", + " self.chromosomes_best.append(population_sorted[0])\n", + " self.scores_best.append(scores_sorted[0])\n", + " self.scores_avg.append(np.mean(scores_sorted))\n", + " \n", + " return population\n", + "\n", + " def fit(self, X, y):\n", + "# print (\"fit: \")\n", + " \n", + " self.chromosomes_best = []\n", + " self.scores_best, self.scores_avg = [], []\n", + " \n", + " self.dataset = X, y\n", + " self.n_features = X.shape[1]\n", + " # dfine number of features\n", + " self.n_features\n", + " population = self.initilize() # 100 chromosome \n", + " for i in range(self.n_gen): # each pop generation has 4 \n", + " population = self.generate(population) \n", + "# XX.append(population)\n", + " return self \n", + " \n", + " @property\n", + " def support_(self):\n", + "# print (\"self.chromosomes_best[-1]: \",self.chromosomes_best[-1])\n", + " return self.chromosomes_best[-1]\n", + "\n", + " def plot_scores(self):\n", + " plt.plot(self.scores_best, label='Best')\n", + " plt.plot(self.scores_avg, label='Average')\n", + " plt.legend()\n", + " plt.ylabel('Scores')\n", + " plt.xlabel('Generation')\n", + " plt.show()\n", + " \n", + "\n", + "\n", + "# do2 = []\n", + "# XX = []\n", + "# for i in range(X.shape[0]//500):\n", + "# doc = X[i,]\n", + "# print (\"do1\",doc.shape)\n", + "\n", + "clf_mnb = MultinomialNB(alpha=.01) \n", + "\n", + "# XX = show_top10(clf_mnb, vectorizer, y)\n", + "\n", + "sel = GeneticSelector(estimator=clf_mnb,n_gen=7, size=200, n_best=40, n_rand=40, n_children=5, mutation_rate=0.05)\n", + "\n", + "sel.fit(X_train, y_train)\n", + "# print (XX[i])\n", + "# XX.append(population)\n", + "# for i in range(do.shape[1]):\n", + "# # if do[:,i] > 0:\n", + "# do2.append(do[:,i])\n", + "# # print (\"feature \",X[0,i])\n", + "# print (\"do2\",doc.shape)\n", + "# do2 = []\n", + "\n", + "\n", + "\n", + "# XX.plot_scores()\n", + "\n", + "# print (len(XX))\n", + "\n", + "# --------------------------------------\n", + "# clf_mnb = MultinomialNB(alpha=.1)\n", + "\n", + "# # Fit the model with data (aka \"model training\")\n", + "# clf_mnb.fit(X[XX], y)\n", + "\n", + "# # Predict the response for a new observation\n", + "# y_pred = clf_mnb.predict(Xt)\n", + "# print (\"Predicted Class Labels:\",y_pred)\n", + "\n", + "# score = metrics.accuracy_score(yt, y_pred)\n", + "# print(\"CV MSE before feature selection: {:.2f}\".format(score))\n", + "# --------------------------------------\n", + "\n", + "#================\n", + "clf = MultinomialNB(alpha=.01)\n", + "clf.fit(X_train, y_train)\n", + "pred = clf.predict(X_test)\n", + "score = metrics.accuracy_score(y_test, pred)\n", + "print(\"accuracy after feature selection: %0.3f\" % score)\n", + "#=================\n", + "# 1048576\n", + "\n", + "# score = -1.0 * cross_val_score(clf_mnb, X[:,sel.support_], y, cv=5, scoring=\"neg_mean_squared_error\")\n", + "# print(\"CV MSE after feature selection: {:.2f}\".format(np.mean(score))) \n", + "# print (\"MultinomialNB 10-Cross Validation Score before feature selection:\",cross_val_score(clf_mnb, XX, y, cv=5, scoring='accuracy').mean())" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "CV MSE before feature selection: 3.98\n", + "__init__: \n", + "CV MSE after feature selection: 4.60\n", + " \n", + "CV MSE before feature selection: 3.98\n", + "__init__: \n", + "CV MSE after feature selection: 6.33\n", + " \n", + " \n", + "CV MSE before feature selection: 3.98\n", + "__init__: \n", + "CV MSE after feature selection: 6.86\n", + "In [17]:\n", + "\n", + "* size =50 , features//3\n", + "CV MSE before feature selection: 3.98\n", + "__init__: \n", + "CV MSE after feature selection: 10.70\n", + "\n", + "\n", + "*n_gen=4, size=1000, n_best=16, n_rand=4, n_children=100 , features//3\n", + "CV MSE before feature selection: 3.98\n", + "__init__: \n", + "CV MSE after feature selection: 12.98\n", + "\n", + "*n_gen=4, size=1000, n_best=16, n_rand=4, n_children=100, mutation_rate=0.05 , n_features//2\n", + "CV MSE before feature selection: 3.98\n", + "__init__: \n", + "CV MSE after feature selection: 8.35" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "CV MSE after feature selection: 18.10\n", + "CV MSE after feature selection: 14.82\n", + " \n", + "CV MSE after feature selection: 14.39\n", + "chromosome[mask] shape: (30494,)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "score = -1.0 * cross_val_score(clf_mnb, X[:,sel.support_], y, cv=10, scoring='accuracy')\n", + "print(\"CV MSE before feature selection: {:.2f}\".format(np.mean(score)))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "X[:,chromosome]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "v = X.toarray()\n", + "print (v[2938])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def show_top10(classifier, vectorizer, categories):\n", + " classifier.fit(X, y)\n", + " y_pred = classifier.predict(X)\n", + " print (\"Predicted Class Labels:\",y_pred.shape)\n", + " \n", + " print (\"vectorizer.get_feature_names(): \", len (vectorizer.get_feature_names()))\n", + " data_train_vectors = vectorizer.fit_transform(data_train.data)\n", + " print (\"data_train_vectors: \", data_train_vectors.shape)\n", + " feature_names = np.asarray(vectorizer.get_feature_names())\n", + " arr = []\n", + " for i, category in enumerate(categories):\n", + "# top10 = np.argsort(classifier.coef_[i])[-10:]\n", + " labels = enumerate(y_pred)\n", + " ll = []\n", + " count =0\n", + " for j, l in labels:\n", + "# print (\"j: \", j)\n", + "# print (\"l: \", l)\n", + " if l == i and count <10:\n", + " ll.append(j)\n", + " count = count + 1\n", + "# print (\"ll: \", ll)\n", + " if ll != []:\n", + " arr.append(ll)\n", + "# print (\"arr: \", arr)\n", + " return arr" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from sklearn.feature_extraction.text import HashingVectorizer\n", + "from sklearn.naive_bayes import MultinomialNB\n", + "# dataset = fetch_20newsgroups(subset='all', remove=('headers', 'footers', 'quotes'))\n", + "\n", + "X, y = dataset.data, dataset.target\n", + "vectorizer = HashingVectorizer(stop_words='english', non_negative=True)\n", + "X_vectorized = vectorizer.transform(X)\n", + "features = features = dataset.target_names\n", + "dataset = load_boston()\n", + "X, y = dataset.data, dataset.target\n", + "features = dataset.feature_names\n", + "\n", + "est = MultinomialNB(alpha=.01)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "MultinomialNB 10-Cross Validation accuracy: -0.9106842643537906\n", + "score : -0.9197605276045913\n", + "score : -0.9181684051039957\n", + "score : -0.9186974479679637\n", + "score : -0.9208393450780991\n", + "score : -0.9211013566277824\n", + "score : -0.921906362048\n", + "score : -0.9219045742695972\n", + "score : -0.9227059983829807\n", + "score : -0.921908865706228\n", + "score : -0.9219113770260359\n", + "score : -0.9232511370179765\n", + "score : -0.9235131533542255\n", + "score : -0.9248500546172744\n", + "score : -0.925384098095738\n", + "score : -0.9251174371714331\n", + "score : -0.9253826711264967\n", + "score : -0.9259238676454971\n", + "score : -0.9267267244743067\n", + "score : -0.9267267244743067\n", + "score : -0.9269966106828498\n", + "score : -0.9267292310037053\n", + "score : -0.9267292310037053\n", + "score : -0.9275320878325152\n", + "score : -0.9275320878325152\n", + "score : -0.9280679219643957\n", + "score : -0.9280679219643957\n", + "score : -0.9280679219643957\n", + "score : -0.9286005356024474\n", + "score : -0.9286012514822725\n", + "score : -0.9286023243404694\n", + "score : -0.9288700638729995\n", + "score : -0.9288697059350086\n", + "score : -0.9294048232312881\n", + "score : -0.9302066062422819\n", + "score : -0.929939582589577\n", + "score : -0.9299392256073619\n", + "score : -0.930206248304291\n", + "score : -0.9302066052865061\n", + "score : -0.9302080360826939\n", + "score : -0.9302069641802728\n", + "score : -0.9304743438594171\n", + "score : -0.9304743438594171\n", + "score : -0.9304743438594171\n", + "score : -0.931275770847815\n", + "score : -0.931275770847815\n", + "score : -0.9315431505269594\n", + "score : -0.9315431505269594\n" + ] + } + ], + "source": [ + "import random\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "\n", + "from sklearn.datasets import load_boston , fetch_20newsgroups , load_wine\n", + "from sklearn.model_selection import cross_val_score\n", + "from sklearn.linear_model import LinearRegression\n", + "from sklearn.naive_bayes import MultinomialNB\n", + "from sklearn.feature_extraction.text import HashingVectorizer ,TfidfVectorizer\n", + "\n", + "\n", + "SEED = 2018\n", + "random.seed(SEED)\n", + "np.random.seed(SEED)\n", + "\n", + "#==============================================================================\n", + "# Data \n", + "#==============================================================================\n", + "\n", + "# dataset = fetch_20newsgroups(subset='all', remove=('headers', 'footers', 'quotes'))\n", + "cats =['alt.atheism', 'comp.graphics', 'comp.os.ms-windows.misc', 'comp.sys.ibm.pc.hardware']\n", + "dataset = fetch_20newsgroups(subset='all', categories=cats,shuffle=True, random_state=42)\n", + "\n", + "X1, y = dataset.data, dataset.target\n", + "# vectorizer = HashingVectorizer(stop_words='english', non_negative=True)\n", + "vectorizer = TfidfVectorizer(sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "\n", + "\n", + "X = vectorizer.fit_transform(X1)\n", + "features = features = dataset.target_names\n", + "\n", + "\n", + "# dataset = load_wine()\n", + "# X, y = dataset.data, dataset.target\n", + "# features = dataset.feature_names\n", + "\n", + "#==============================================================================\n", + "# CV MSE before feature selection\n", + "#==============================================================================\n", + "# est = LinearRegression()\n", + "est = MultinomialNB(alpha=.01)\n", + "# score = -1.0 * cross_val_score(est, X, y, cv=5, scoring=\"neg_mean_squared_error\")\n", + "# score = -1.0 *cross_val_score(est, X, y, cv=5, scoring='accuracy').mean()\n", + "# print(\"CV MSE before feature selection: {:.2f}\".format(np.mean(score)))\n", + "\n", + "# est.fit(X=train_data, y=train_labels)\n", + "print (\"MultinomialNB 10-Cross Validation accuracy:\",-1.0 *cross_val_score(est, X, y, cv=5, scoring='accuracy').mean())\n", + "#==============================================================================\n", + "# Class performing feature selection with genetic algorithm\n", + "#==============================================================================\n", + "class GeneticSelector():\n", + " def __init__(self, estimator, n_gen, size, n_best, n_rand, \n", + " n_children, mutation_rate):\n", + " # Estimator \n", + " self.estimator = estimator\n", + " # Number of generations\n", + " self.n_gen = n_gen\n", + " # Number of chromosomes in population\n", + " self.size = size\n", + " # Number of best chromosomes to select\n", + " self.n_best = n_best\n", + " # Number of random chromosomes to select\n", + " self.n_rand = n_rand\n", + " # Number of children created during crossover\n", + " self.n_children = n_children\n", + " # Probablity of chromosome mutation\n", + " self.mutation_rate = mutation_rate\n", + " \n", + " if int((self.n_best + self.n_rand) / 2) * self.n_children != self.size:\n", + " raise ValueError(\"The population size is not stable.\") \n", + " \n", + " def initilize(self):\n", + " population = []\n", + " for i in range(self.size):\n", + " chromosome = np.ones(self.n_features, dtype=np.bool)\n", + " mask = np.random.rand(len(chromosome)) < 0.3\n", + " chromosome[mask] = False\n", + " population.append(chromosome)\n", + " return population\n", + "\n", + " def fitness(self, population):\n", + " X, y = self.dataset\n", + " scores = []\n", + " for chromosome in population:\n", + "# score = -1.0 * np.mean(cross_val_score(self.estimator, X[:,chromosome], y, \n", + "# cv=5, \n", + "# scoring=\"neg_mean_squared_error\"))\n", + "\n", + "# self.estimator.fit(X=train_data, y=train_labels)\n", + " score = -1.0 *cross_val_score(self.estimator, X[:,chromosome], y, cv=5, scoring='accuracy').mean()\n", + "# print (\"MultinomialNB 10-Cross Validation accuracy:\",cross_val_score(self.estimator, X[:,sel.support_], y, cv=5, scoring='accuracy').mean())\n", + " scores.append(score)\n", + " scores, population = np.array(scores), np.array(population) \n", + " inds = np.argsort(scores)\n", + " return list(scores[inds]), list(population[inds,:])\n", + "\n", + " def select(self, population_sorted):\n", + " \n", + " population_next = []\n", + " for i in range(self.n_best):\n", + " population_next.append(population_sorted[i])\n", + " for i in range(self.n_rand):\n", + " population_next.append(random.choice(population_sorted))\n", + " random.shuffle(population_next)\n", + " return population_next\n", + "\n", + " def crossover(self, population):\n", + " population_next = []\n", + " for i in range(int(len(population)/2)):\n", + " for j in range(self.n_children):\n", + " chromosome1, chromosome2 = population[i], population[len(population)-1-i]\n", + " child = chromosome1\n", + " mask = np.random.rand(len(child)) > 0.5\n", + " child[mask] = chromosome2[mask]\n", + " population_next.append(child)\n", + " return population_next\n", + "\t\n", + " def mutate(self, population):\n", + " population_next = []\n", + " for i in range(len(population)):\n", + " chromosome = population[i]\n", + " if random.random() < self.mutation_rate:\n", + " mask = np.random.rand(len(chromosome)) < 0.05\n", + " chromosome[mask] = False\n", + " population_next.append(chromosome)\n", + " return population_next\n", + "\n", + " def generate(self, population):\n", + " # Selection, crossover and mutation\n", + " scores_sorted, population_sorted = self.fitness(population)\n", + " population = self.select(population_sorted)\n", + " population = self.crossover(population)\n", + " population = self.mutate(population)\n", + " # History\n", + " self.chromosomes_best.append(population_sorted[0])\n", + " self.scores_best.append(scores_sorted[0])\n", + " print(\"score : \", scores_sorted[0])\n", + " self.scores_avg.append(np.mean(scores_sorted))\n", + " \n", + " return population\n", + "\n", + " def fit(self, X, y):\n", + " \n", + " self.chromosomes_best = []\n", + " self.scores_best, self.scores_avg = [], []\n", + " \n", + " self.dataset = X, y\n", + " self.n_features = X.shape[1]\n", + " \n", + " population = self.initilize()\n", + " for i in range(self.n_gen):\n", + " population = self.generate(population)\n", + " \n", + " return self \n", + " \n", + " @property\n", + " def support_(self):\n", + " return self.chromosomes_best[-1]\n", + "\n", + " def plot_scores(self):\n", + " plt.plot(self.scores_best, label='Best')\n", + " plt.plot(self.scores_avg, label='Average')\n", + " plt.legend()\n", + " plt.ylabel('Scores')\n", + " plt.xlabel('Generation')\n", + " plt.show()\n", + "# (self.n_best + self.n_rand) / 2) * self.n_children != self.size\n", + "sel = GeneticSelector(estimator=MultinomialNB(alpha=.3), \n", + " n_gen=100, size=200, n_best=20, n_rand=80, n_children=4, mutation_rate=0.01)\n", + "sel.fit(X, y)\n", + "sel.plot_scores()\n", + "# print(\"chromosomes_best: \",sel.chromosomes_best)\n", + "# score = -1.0 * cross_val_score(est, X[:,sel.support_], y, cv=5, scoring=\"neg_mean_squared_error\")\n", + "# print(\"CV MSE after feature selection: {:.2f}\".format(np.mean(score)))\n", + "# accuracy = -1.0 *cross_val_score(est, X[:,sel.support_], y, scoring='accuracy', cv = 10).mean()\n", + "# # print(accuracy)\n", + "# print (\"MultinomialNB 10-Cross Validation accuracy:\",accuracy)\n", + "score = -1.0 *cross_val_score(est, X[:,sel.support_], y, scoring='accuracy', cv = 5)\n", + "print(\"CV MSE after feature selection: {:.2f}\".format(np.mean(score)))" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "chromosomes_best: [ True True False ... True False True]\n" + ] + } + ], + "source": [ + "print(\"chromosomes_best: \",sel.chromosomes_best[-1])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "1.3214408061336371\n", + "---\n", + "n_gen=100, size=200, n_best=20, n_rand=80, n_children=4, mutation_rate=0.01)\n", + "-0.9368936152715097\n", + "----\n", + "\n", + "CV MSE after feature selection: 13.67\n", + "CV MSE after feature selection: 13.64" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + " n_gen=50, size=40, n_best=4, n_rand=16, n_children=4, mutation_rate=0.01)\n", + "0.923780146410006" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + " n_gen=50, size=200, n_best=20, n_rand=60, n_children=5, mutation_rate=0.05)\n", + "1.2292404091555822\n", + "-----------------\n", + "n_gen=50, size=200, n_best=20, n_rand=60, n_children=5, mutation_rate=0.01)\n", + "1.219852777047302\n", + "-----------------\n", + "n_gen=50, size=200, n_best=20, n_rand=60, n_children=5, mutation_rate=0.01\n", + "1.219852777047302\n", + "1.15\n", + "-----------------\n", + " n_gen=50, size=200, n_best=10, n_rand=70, n_children=5, mutation_rate=0.01\n", + "score : 1.2308285914517334\n", + " 1.11\n", + "-----------------\n", + " n_gen=50, size=320, n_best=10, n_rand=70, n_children=8, mutation_rate=0.01)\n", + " 1.2372503569489233\n", + " 1.18\n", + " ----------------- \n", + "n_gen=50, size=320, n_best=20, n_rand=300, n_children=2, mutation_rate=0.01)\n", + " 1.265602689350406\n", + "1.15\n", + "-----------------\n", + " n_gen=50, size=200, n_best=20, n_rand=80, n_children=4, mutation_rate=0.01)\n", + "1.2377726200104433\n", + "1.15\n", + "-----------------\n", + "n_gen=50, size=100, n_best=5, n_rand=35, n_children=5, mutation_rate=0.01)\n", + "1.2727858395525313\n", + "1.23\n", + "-----------------\n", + "n_gen=50, size=100, n_best=10, n_rand=30, n_children=5, mutation_rate=0.01)\n", + "1.3276356122636421\n", + "1.22\n", + "----------------\n", + "n_gen=50, size=400, n_best=40, n_rand=160, n_children=4, mutation_rate=0.01\n", + "1.2011529345999037\n", + "1.08\n", + "----------------\n", + "n_gen=50, size=400, n_best=20, n_rand=180, n_children=4, mutation_rate=0.01)\n", + "1.219838801132914\n", + "1.12\n", + "----------------\n", + "n_gen=50, size=400, n_best=60, n_rand=140, n_children=4, mutation_rate=0.01)\n", + "1.2128997904157237\n", + "1.10\n", + "--------------\n", + " n_gen=50, size=400, n_best=60, n_rand=140, n_children=4, mutation_rate=0.01)\n", + " 1.10\n", + " 1.2128997904157237\n", + "--------------\n", + "n_gen=500, size=400, n_best=40, n_rand=160, n_children=4, mutation_rate=0.01)\n", + "1.1939240208372737\n", + "1.12\n", + "--------------\n", + "n_gen=50, size=400, n_best=40, n_rand=160, n_children=4, mutation_rate=0.01)\n", + "-0.933947066856045" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "out_arr = geek.random.randint(low = 0, high = 3, size = 5) \n", + "print (\"Output 1D Array filled with random integers : \", out_arr)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.3" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/Untitled15.ipynb b/Untitled15.ipynb new file mode 100644 index 00000000..4f3435dd --- /dev/null +++ b/Untitled15.ipynb @@ -0,0 +1,2644 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy\n", + "# import ga\n", + "import pickle\n", + "import matplotlib.pyplot\n", + "\n", + "f = open(\"dataset_features.pkl\", \"rb\")\n", + "data_inputs = pickle.load(f)\n", + "f.close()\n", + "\n", + "f = open(\"outputs.pkl\", \"rb\")\n", + "data_outputs = pickle.load(f)\n", + "f.close()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "favorite_color = { \"lion\": \"yellow\", \"kitty\": \"red\" }\n", + "\n", + "x = pickle.dump( favorite_color, open( \"save.p\", \"wb\" ) )\n", + "print (favorite_color)" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy\n", + "# import ga\n", + "import pickle\n", + "import matplotlib.pyplot\n", + "from sklearn.datasets import fetch_20newsgroups , fetch_20newsgroups_vectorized\n", + "from sklearn.feature_extraction.text import TfidfVectorizer , CountVectorizer\n", + " \n", + "from sklearn.model_selection import cross_val_score\n", + "from sklearn.naive_bayes import MultinomialNB\n", + "from sklearn import metrics\n", + "import numpy as np" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy\n", + "# import ga\n", + "import pickle\n", + "import matplotlib.pyplot\n", + "from sklearn.datasets import fetch_20newsgroups , fetch_20newsgroups_vectorized\n", + "from sklearn.feature_extraction.text import TfidfVectorizer , CountVectorizer\n", + " \n", + "ff = fetch_20newsgroups(subset='train')\n", + "\n", + "f = fetch_20newsgroups_vectorized(subset='train')\n", + "# data_inputs = f.data\n", + "# f.close()\n", + "# f.values.shape[1]\n", + "# categories = list(f.target)\n", + "# f = open(\"outputs.pkl\", \"rb\")\n", + "count_vectorizer = CountVectorizer()\n", + "X_counts = count_vectorizer.fit_transform(ff)\n", + "\n", + "vectorizer = TfidfVectorizer(sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "data_train_vectors = vectorizer.fit_transform(f)\n", + "# data_test_vectors = vectorizer.transform(f.data)\n", + "data_inputs = f.data\n", + "data_outputs = f.target\n", + "# f.close()\n", + "\n", + "# f = open(\"fetch_20newsgroups_vectorized\", \"rb\")\n", + "# data_inputs = pickle.load(f)\n", + "# f.close()\n", + "\n", + "# f = open(\"outputs.pkl\", \"rb\")\n", + "# data_outputs = pickle.load(f)\n", + "# f.close()\n", + "\n", + "num_samples = data_inputs.shape[0]\n", + "num_feature_elements = data_inputs.shape[1]\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print (f.target.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print (f.target[0])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "vectorizer = TfidfVectorizer(sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "vectors = vectorizer.fit_transform(ff.data)\n", + "vectors.shape\n", + "data_inputs.shape[0]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "X_counts.data" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "feature_names = np.asarray(vectorizer.)\n", + "print (feature_names.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print (vectors[0])\n", + "# print (ff.target)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "data_train = fetch_20newsgroups(subset='train')\n", + "data_test = fetch_20newsgroups(subset='test')\n", + "vectorizer = TfidfVectorizer(sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "data_train_vectors = vectorizer.fit_transform(data_train.data)\n", + "# data_test_vectors = vectorizer.transform(data_test.data) \n", + "\n", + "# check the shape of the features matrix\n", + "print (data_train_vectors.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# v = vectors.toarray()\n", + "# print (vectors.shape)\n", + "# print (vectors[vectors[:,]==True].shape)\n", + "\n", + "data = fetch_20newsgroups(subset='all')\n", + "vectorizer = TfidfVectorizer()\n", + "XX = vectorizer.fit_transform(data.data)\n", + "\n", + "do2 = []\n", + "for i in range(XX.shape[0]):\n", + " do = X[i,]\n", + " print (\"do1\",do.shape)\n", + "# print (\"do11\",len(do))\n", + " for i in range(do.shape[1]):\n", + " if do[:,i] > 0:\n", + " do2.append(do[:,i])\n", + " # print (\"feature \",X[0,i])\n", + " print (\"do2\",len(do2))" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "<18846x173438 sparse matrix of type ''\n", + "\twith 2003492 stored elements in Compressed Sparse Row format>" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "data = fetch_20newsgroups(subset='all', shuffle=True)\n", + "vectorizer = TfidfVectorizer(sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "vectorss = vectorizer.fit_transform(data.data)\n", + "# print (vectors[1].shape)\n", + "# print (vectors[2].shape)\n", + "# print (vectors[3].shape)\n", + "# print (vectorss)\n", + "# v = vectors.toarray()\n", + "# print (vectorss)\n", + "vectorss\n", + "# print (vectors[vectors[1,]>0].shape)\n", + "# print (vectors[vectors[2,]>0].shape)\n", + "# print (vectors[vectors[3,]>0].shape)\n", + "# (0, 40979)\t0.046875471750440774\n", + "# (0, 138219)\t0.0499923262463406\n", + "# (0, 124697)\t0.07737744098019698" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "# data = fetch_20newsgroups(subset='all')\n", + "# vectorizer = CountVectorizer()\n", + "# XX = vectorizer.fit_transform(data.data)\n", + "\n", + "do2 = []\n", + "\n", + "do = X[1,]\n", + "print (\"do1\",do.shape)\n", + "# print (\"do11\",len(do))\n", + "for i in range(do.shape[1]):\n", + " if do[:,i] > 0:\n", + " do2.append(do[:,i])\n", + "# print (\"feature \",do[:,i])\n", + "print (\"do2\",len(do2))\n" + ] + }, + { + "cell_type": "code", + "execution_count": 65, + "metadata": {}, + "outputs": [ + { + "ename": "NameError", + "evalue": "name 'vectors' is not defined", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 1\u001b[0m \u001b[0;31m# v = vectors.toarray()\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 2\u001b[0m \u001b[0;31m# print (vectorizer.get_feature_names())\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 3\u001b[0;31m \u001b[0mprint\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mvectors\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdata\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 4\u001b[0m \u001b[0;31m# for i in range(vectors.shape[0]):\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 5\u001b[0m \u001b[0;31m# print (vectors[i,].shape)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mNameError\u001b[0m: name 'vectors' is not defined" + ] + } + ], + "source": [ + "# v = vectors.toarray()\n", + "# print (vectorizer.get_feature_names())\n", + "print (vectors[0].data)\n", + "# for i in range(vectors.shape[0]):\n", + "# print (vectors[i,].shape)\n", + "# print (vectors[vectors[:,]>0].shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "data": { + "text/plain": [ + "array([[0., 0., 0., ..., 0., 0., 0.],\n", + " [0., 0., 0., ..., 0., 0., 0.],\n", + " [0., 0., 0., ..., 0., 0., 0.],\n", + " ...,\n", + " [0., 0., 0., ..., 0., 0., 0.],\n", + " [0., 0., 0., ..., 0., 0., 0.],\n", + " [0., 0., 0., ..., 0., 0., 0.]])" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "data = fetch_20newsgroups(subset='all')\n", + "vectorizer = TfidfVectorizer(sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "XX = vectorizer.fit_transform(data.data)\n", + "y = data.target\n", + "do2 = []\n", + "v = XX.toarray()\n", + "# XXX = v[v[1,]>0]\n", + "# vv = XXX.toarray()\n", + "v\n", + "# do2 = []\n", + "# for i in range(XX.shape[0]):\n", + "# do = XX[i,]\n", + "# print (\"do1\",do.shape)\n", + "# # print (\"do11\",len(do))\n", + "# for i in range(do.shape[1]):\n", + "# # if do[:,i] > 0:\n", + "# do2.append(do[:,i])\n", + "# # print (\"feature \",X[0,i])\n", + "# print (\"do2\",len(do2))\n", + "# do2 = []\n", + " \n", + "# clf_mnb = MultinomialNB(alpha=.01)\n", + "# score = -1.0 * cross_val_score(clf_mnb, XX, y, cv=5, scoring=\"neg_mean_squared_error\")\n", + "# print(\"CV MSE after feature selection: {:.2f}\".format(np.mean(score)))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "scrolled": false + }, + "outputs": [], + "source": [ + "f = fetch_20newsgroups_vectorized(subset='all')\n", + "X = f.data\n", + "y = f.target\n", + "# doc = X[0,]\n", + "doc2 = []\n", + "\n", + "# for i in range(X.shape[0]):\n", + "# doc = X[i,]\n", + "# print (\"doc1\",doc.shape)\n", + "# for i in range(doc.shape[1]):\n", + "# # if doc[:,i] >0:\n", + "# doc2.append(doc[:,i])\n", + "# # print (\"feature \",X[0,i])\n", + "# print (\"doc2\",len(doc2))\n", + "# doc2 = []\n", + "clf_mnb = MultinomialNB(alpha=.01)\n", + "score = -1.0 * cross_val_score(clf_mnb, X, y, cv=5, scoring=\"neg_mean_squared_error\")\n", + "print(\"CV MSE after feature selection: {:.2f}\".format(np.mean(score)))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "data = fetch_20newsgroups(subset='all')\n", + "data_train = fetch_20newsgroups(subset='train')\n", + "data_test = fetch_20newsgroups(subset='test')\n", + "\n", + "vectorizer = TfidfVectorizer(sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "XX = vectorizer.fit_transform(data.data)\n", + "\n", + "data_train_vectors = vectorizer.fit_transform(data_train.data)\n", + "data_test_vectors = vectorizer.transform(data_test.data) \n", + "\n", + "y = data.target\n", + "do2 = []\n", + "# v = XX.toarray()\n", + "# XXX = v[v[1,]>0]\n", + "# vv = XXX.toarray()\n", + "Xtr = data_train_vectors\n", + "ytr = data_train.target\n", + "# XXX = data_train_vectors[data_train_vectors[1,]>0]\n", + "Xtt = data_test_vectors\n", + "ytt = data_test.target\n", + "# print (\"ytt:\",ytt)\n", + "\n", + "do2 = []\n", + "for i in range(XX.shape[0]):\n", + " do = XX[i,]\n", + " print (\"do1\",do.shape)\n", + "# print (\"do11\",len(do))\n", + " for i in range(do.shape[1]):\n", + "# if do[:,i] > 0:\n", + " do2.append(do[:,i])\n", + " # print (\"feature \",X[0,i])\n", + " print (\"do2\",len(do2))\n", + " do2 = []\n", + " \n", + "\n", + "# Instantiate the estimator\n", + "clf_MNB = MultinomialNB(alpha=.01)\n", + "\n", + "# Fit the model with data (aka \"model training\")\n", + "clf_MNB.fit(Xtr, ytr)\n", + "\n", + "# Predict the response for a new observation\n", + "y_pred_mnb = clf_MNB.predict(Xtt)\n", + "print (\"Predicted Class Labels:\",y_pred_mnb)\n", + "\n", + "# calculate accuracy\n", + "print (\"Classification Accuracy:\",metrics.accuracy_score(ytt, y_pred_mnb))\n", + "clf= MultinomialNB(alpha=.01)\n", + "print (\"MultinomialNB 10-Cross Validation :\",cross_val_score(clf, XX, y, cv=5, scoring='accuracy').mean())" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "scrolled": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "MultinomialNB 10-Cross Validation : 0.902411577771242\n" + ] + } + ], + "source": [ + "f = fetch_20newsgroups_vectorized(subset='all')\n", + "X = f.data\n", + "y = f.target\n", + "# doc = X[0,]\n", + "doc2 = []\n", + "\n", + "# for i in range(X.shape[0]):\n", + "# doc = X[i,]\n", + "# print (\"doc1\",doc.shape)\n", + "# for i in range(doc.shape[1]):\n", + "# # if doc[:,i] >0:\n", + "# doc2.append(doc[:,i])\n", + "# # print (\"feature \",X[0,i])\n", + "# print (\"doc2\",len(doc2))\n", + "# doc2 = []\n", + "\n", + "clf_mnb = MultinomialNB(alpha=.01)\n", + "print (\"MultinomialNB 10-Cross Validation :\",cross_val_score(clf_mnb, X, y, cv=5, scoring='accuracy').mean())" + ] + }, + { + "cell_type": "code", + "execution_count": 136, + "metadata": {}, + "outputs": [], + "source": [ + "data_train = fetch_20newsgroups(subset='train')\n", + "data_test = fetch_20newsgroups(subset='test')\n", + "vectorizer = TfidfVectorizer(sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "data_train_vectors = vectorizer.fit_transform(data_train.data)\n", + "data_test_vectors = vectorizer.transform(data_test.data) " + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Predicted Class Labels: (11314,)\n", + "vectorizer.get_feature_names(): 129783\n", + "data_train_vectors: (11314, 129783)\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308], [14, 22, 30, 63, 69, 100, 109, 130, 132, 166]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308], [14, 22, 30, 63, 69, 100, 109, 130, 132, 166], [0, 17, 29, 56, 64, 71, 73, 77, 84, 156]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308], [14, 22, 30, 63, 69, 100, 109, 130, 132, 166], [0, 17, 29, 56, 64, 71, 73, 77, 84, 156], [10, 36, 38, 47, 94, 95, 102, 121, 129, 143]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308], [14, 22, 30, 63, 69, 100, 109, 130, 132, 166], [0, 17, 29, 56, 64, 71, 73, 77, 84, 156], [10, 36, 38, 47, 94, 95, 102, 121, 129, 143], [27, 40, 43, 44, 114, 128, 136, 141, 164, 167]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308], [14, 22, 30, 63, 69, 100, 109, 130, 132, 166], [0, 17, 29, 56, 64, 71, 73, 77, 84, 156], [10, 36, 38, 47, 94, 95, 102, 121, 129, 143], [27, 40, 43, 44, 114, 128, 136, 141, 164, 167], [21, 35, 57, 88, 113, 172, 174, 208, 233, 266]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308], [14, 22, 30, 63, 69, 100, 109, 130, 132, 166], [0, 17, 29, 56, 64, 71, 73, 77, 84, 156], [10, 36, 38, 47, 94, 95, 102, 121, 129, 143], [27, 40, 43, 44, 114, 128, 136, 141, 164, 167], [21, 35, 57, 88, 113, 172, 174, 208, 233, 266], [37, 55, 66, 76, 117, 192, 204, 213, 244, 245]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308], [14, 22, 30, 63, 69, 100, 109, 130, 132, 166], [0, 17, 29, 56, 64, 71, 73, 77, 84, 156], [10, 36, 38, 47, 94, 95, 102, 121, 129, 143], [27, 40, 43, 44, 114, 128, 136, 141, 164, 167], [21, 35, 57, 88, 113, 172, 174, 208, 233, 266], [37, 55, 66, 76, 117, 192, 204, 213, 244, 245], [18, 26, 32, 48, 60, 72, 75, 89, 90, 92]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308], [14, 22, 30, 63, 69, 100, 109, 130, 132, 166], [0, 17, 29, 56, 64, 71, 73, 77, 84, 156], [10, 36, 38, 47, 94, 95, 102, 121, 129, 143], [27, 40, 43, 44, 114, 128, 136, 141, 164, 167], [21, 35, 57, 88, 113, 172, 174, 208, 233, 266], [37, 55, 66, 76, 117, 192, 204, 213, 244, 245], [18, 26, 32, 48, 60, 72, 75, 89, 90, 92], [6, 31, 53, 116, 131, 140, 145, 177, 180, 182]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308], [14, 22, 30, 63, 69, 100, 109, 130, 132, 166], [0, 17, 29, 56, 64, 71, 73, 77, 84, 156], [10, 36, 38, 47, 94, 95, 102, 121, 129, 143], [27, 40, 43, 44, 114, 128, 136, 141, 164, 167], [21, 35, 57, 88, 113, 172, 174, 208, 233, 266], [37, 55, 66, 76, 117, 192, 204, 213, 244, 245], [18, 26, 32, 48, 60, 72, 75, 89, 90, 92], [6, 31, 53, 116, 131, 140, 145, 177, 180, 182], [4, 13, 49, 59, 119, 134, 149, 151, 153, 205]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308], [14, 22, 30, 63, 69, 100, 109, 130, 132, 166], [0, 17, 29, 56, 64, 71, 73, 77, 84, 156], [10, 36, 38, 47, 94, 95, 102, 121, 129, 143], [27, 40, 43, 44, 114, 128, 136, 141, 164, 167], [21, 35, 57, 88, 113, 172, 174, 208, 233, 266], [37, 55, 66, 76, 117, 192, 204, 213, 244, 245], [18, 26, 32, 48, 60, 72, 75, 89, 90, 92], [6, 31, 53, 116, 131, 140, 145, 177, 180, 182], [4, 13, 49, 59, 119, 134, 149, 151, 153, 205], [28, 51, 120, 123, 124, 139, 148, 159, 163, 203]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308], [14, 22, 30, 63, 69, 100, 109, 130, 132, 166], [0, 17, 29, 56, 64, 71, 73, 77, 84, 156], [10, 36, 38, 47, 94, 95, 102, 121, 129, 143], [27, 40, 43, 44, 114, 128, 136, 141, 164, 167], [21, 35, 57, 88, 113, 172, 174, 208, 233, 266], [37, 55, 66, 76, 117, 192, 204, 213, 244, 245], [18, 26, 32, 48, 60, 72, 75, 89, 90, 92], [6, 31, 53, 116, 131, 140, 145, 177, 180, 182], [4, 13, 49, 59, 119, 134, 149, 151, 153, 205], [28, 51, 120, 123, 124, 139, 148, 159, 163, 203], [5, 39, 67, 81, 127, 161, 198, 200, 212, 225]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308], [14, 22, 30, 63, 69, 100, 109, 130, 132, 166], [0, 17, 29, 56, 64, 71, 73, 77, 84, 156], [10, 36, 38, 47, 94, 95, 102, 121, 129, 143], [27, 40, 43, 44, 114, 128, 136, 141, 164, 167], [21, 35, 57, 88, 113, 172, 174, 208, 233, 266], [37, 55, 66, 76, 117, 192, 204, 213, 244, 245], [18, 26, 32, 48, 60, 72, 75, 89, 90, 92], [6, 31, 53, 116, 131, 140, 145, 177, 180, 182], [4, 13, 49, 59, 119, 134, 149, 151, 153, 205], [28, 51, 120, 123, 124, 139, 148, 159, 163, 203], [5, 39, 67, 81, 127, 161, 198, 200, 212, 225], [33, 54, 70, 91, 104, 133, 152, 160, 202, 219]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308], [14, 22, 30, 63, 69, 100, 109, 130, 132, 166], [0, 17, 29, 56, 64, 71, 73, 77, 84, 156], [10, 36, 38, 47, 94, 95, 102, 121, 129, 143], [27, 40, 43, 44, 114, 128, 136, 141, 164, 167], [21, 35, 57, 88, 113, 172, 174, 208, 233, 266], [37, 55, 66, 76, 117, 192, 204, 213, 244, 245], [18, 26, 32, 48, 60, 72, 75, 89, 90, 92], [6, 31, 53, 116, 131, 140, 145, 177, 180, 182], [4, 13, 49, 59, 119, 134, 149, 151, 153, 205], [28, 51, 120, 123, 124, 139, 148, 159, 163, 203], [5, 39, 67, 81, 127, 161, 198, 200, 212, 225], [33, 54, 70, 91, 104, 133, 152, 160, 202, 219], [34, 96, 110, 170, 250, 253, 261, 311, 331, 347]]\n", + "arr: [[15, 20, 65, 68, 80, 98, 115, 126, 135, 147], [3, 16, 25, 82, 87, 99, 108, 125, 137, 150], [8, 23, 52, 58, 78, 79, 83, 86, 93, 138], [7, 42, 74, 85, 112, 178, 185, 259, 270, 314], [1, 2, 9, 12, 24, 41, 45, 46, 62, 103], [19, 50, 61, 97, 118, 175, 211, 269, 290, 308], [14, 22, 30, 63, 69, 100, 109, 130, 132, 166], [0, 17, 29, 56, 64, 71, 73, 77, 84, 156], [10, 36, 38, 47, 94, 95, 102, 121, 129, 143], [27, 40, 43, 44, 114, 128, 136, 141, 164, 167], [21, 35, 57, 88, 113, 172, 174, 208, 233, 266], [37, 55, 66, 76, 117, 192, 204, 213, 244, 245], [18, 26, 32, 48, 60, 72, 75, 89, 90, 92], [6, 31, 53, 116, 131, 140, 145, 177, 180, 182], [4, 13, 49, 59, 119, 134, 149, 151, 153, 205], [28, 51, 120, 123, 124, 139, 148, 159, 163, 203], [5, 39, 67, 81, 127, 161, 198, 200, 212, 225], [33, 54, 70, 91, 104, 133, 152, 160, 202, 219], [34, 96, 110, 170, 250, 253, 261, 311, 331, 347], [11, 157, 316, 317, 319, 340, 352, 390, 408, 487]]\n", + "1131\n" + ] + } + ], + "source": [ + "\n", + "\n", + "X = data_train_vectors\n", + "y = data_train.target\n", + "\n", + "Xtt = data_test_vectors\n", + "ytt = data_test.target\n", + "d = data_train.data\n", + "c = data_train.target_names\n", + "clf_MNB = MultinomialNB(alpha=.01)\n", + "\n", + "clf_MNB.fit(X, y)\n", + "\n", + "y_pred = clf_MNB.predict(X)\n", + "# print (\"Predicted Class Labels:\",y_pred)\n", + "XX = show_top10(clf_MNB, vectorizer, data_train.target_names)\n", + "# clf_MNB.fit(XX, y)\n", + "# y_pred_mnb = clf_MNB.predict(Xtt)\n", + "print (X.shape[0]//10)\n", + "# print (\"Classification Accuracy:\",metrics.accuracy_score(ytt, y_pred_mnb))\n", + "# print (\"data_train.shape\", X.shape)\n", + "# print (\"data_train.doc\", d[100])\n", + "# print (\"data_train.class\", c[100])\n", + "\n", + "# for train_index, _ in sp.split(X, y):\n", + "# x_train, y_train = x_train[train_index], y_train[train_index]\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 134, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "def show_top10(classifier, vectorizer, categories):\n", + " clf_MNB.fit(X, y)\n", + " y_pred = clf_MNB.predict(X)\n", + " print (\"Predicted Class Labels:\",y_pred.shape)\n", + " \n", + " print (\"vectorizer.get_feature_names(): \", len (vectorizer.get_feature_names()))\n", + " data_train_vectors = vectorizer.fit_transform(data_train.data)\n", + " print (\"data_train_vectors: \", data_train_vectors.shape)\n", + " feature_names = np.asarray(vectorizer.get_feature_names())\n", + " arr = []\n", + " for i, category in enumerate(categories):\n", + " top10 = np.argsort(classifier.coef_[i])[-10:]\n", + " labels = enumerate(y_pred)\n", + " ll = []\n", + " count =0\n", + " for j, l in labels:\n", + "# print (\"j: \", j)\n", + "# print (\"l: \", l)\n", + " if l == i and count <10:\n", + " ll.append(j)\n", + " count = count + 1\n", + "# print (\"ll: \", ll)\n", + " if ll != []:\n", + " arr.append(ll)\n", + " print (\"arr: \", arr)\n", + "# print(\"%s: %s\" % (category, \" \".join(feature_names[top10])))" + ] + }, + { + "cell_type": "code", + "execution_count": 137, + "metadata": { + "scrolled": false + }, + "outputs": [ + { + "ename": "TypeError", + "evalue": "slice indices must be integers or None or have an __index__ method", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mTypeError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 1\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mj\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mrange\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mdata_train_vectors\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mshape\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 2\u001b[0m \u001b[0;31m# print (data_train_vectors[j:0,])\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 3\u001b[0;31m \u001b[0mprint\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mdata_train_vectors\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0mdata_train_vectors\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0mj\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[0;32m~/anaconda3/lib/python3.7/site-packages/scipy/sparse/_index.py\u001b[0m in \u001b[0;36m__getitem__\u001b[0;34m(self, key)\u001b[0m\n\u001b[1;32m 45\u001b[0m \u001b[0;32melif\u001b[0m \u001b[0misinstance\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mrow\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mslice\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 46\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0misinstance\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mcol\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mINT_TYPES\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 47\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_get_sliceXint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mrow\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcol\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 48\u001b[0m \u001b[0;32melif\u001b[0m \u001b[0misinstance\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mcol\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mslice\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 49\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mrow\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0mslice\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;32mNone\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mand\u001b[0m \u001b[0mrow\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0mcol\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/anaconda3/lib/python3.7/site-packages/scipy/sparse/csr.py\u001b[0m in \u001b[0;36m_get_sliceXint\u001b[0;34m(self, row, col)\u001b[0m\n\u001b[1;32m 310\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0m_get_sliceXint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mrow\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcol\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 311\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mrow\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstep\u001b[0m \u001b[0;32min\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 312\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_get_submatrix\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mrow\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcol\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcopy\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mTrue\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 313\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_major_slice\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mrow\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_get_submatrix\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mminor\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mcol\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 314\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/anaconda3/lib/python3.7/site-packages/scipy/sparse/compressed.py\u001b[0m in \u001b[0;36m_get_submatrix\u001b[0;34m(self, major, minor, copy)\u001b[0m\n\u001b[1;32m 781\u001b[0m \"\"\"\n\u001b[1;32m 782\u001b[0m \u001b[0mM\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mN\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_swap\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mshape\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 783\u001b[0;31m \u001b[0mi0\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mi1\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0m_process_slice\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mmajor\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mM\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 784\u001b[0m \u001b[0mj0\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mj1\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0m_process_slice\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mminor\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mN\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 785\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/anaconda3/lib/python3.7/site-packages/scipy/sparse/compressed.py\u001b[0m in \u001b[0;36m_process_slice\u001b[0;34m(sl, num)\u001b[0m\n\u001b[1;32m 1274\u001b[0m \u001b[0mi0\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mi1\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;36m0\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnum\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1275\u001b[0m \u001b[0;32melif\u001b[0m \u001b[0misinstance\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0msl\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mslice\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1276\u001b[0;31m \u001b[0mi0\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mi1\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mstride\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0msl\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mindices\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mnum\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1277\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mstride\u001b[0m \u001b[0;34m!=\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1278\u001b[0m \u001b[0;32mraise\u001b[0m \u001b[0mValueError\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m'slicing with step != 1 not supported'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mTypeError\u001b[0m: slice indices must be integers or None or have an __index__ method" + ] + } + ], + "source": [ + "for j in range (data_train_vectors.shape[0]):\n", + "# print (data_train_vectors[j:0,])\n", + " print (data_train_vectors[0:data_train_vectors[:0,j],1])\n" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "ename": "ModuleNotFoundError", + "evalue": "No module named 'fitness_function'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mModuleNotFoundError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 2\u001b[0m \u001b[0;32mfrom\u001b[0m \u001b[0msklearn\u001b[0m \u001b[0;32mimport\u001b[0m \u001b[0mlinear_model\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3\u001b[0m \u001b[0;32mfrom\u001b[0m \u001b[0mgenetic_selection\u001b[0m \u001b[0;32mimport\u001b[0m \u001b[0mGeneticSelectionCV\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 4\u001b[0;31m \u001b[0;32mimport\u001b[0m \u001b[0mfitness_function\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0mff\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 5\u001b[0m X, y = make_classification(n_samples=100, n_features=15, n_classes=3,\n\u001b[1;32m 6\u001b[0m \u001b[0mn_informative\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m4\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mn_redundant\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mn_repeated\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m2\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mModuleNotFoundError\u001b[0m: No module named 'fitness_function'" + ] + } + ], + "source": [ + "from sklearn.datasets import make_classification\n", + "from sklearn import linear_model\n", + "from genetic_selection import GeneticSelectionCV\n", + "import fitness_function as ff\n", + "X, y = make_classification(n_samples=100, n_features=15, n_classes=3,\n", + " n_informative=4, n_redundant=1, n_repeated=2,\n", + " random_state=1)\n", + "\n", + "model = linear_model.LogisticRegression(solver='lbfgs', multi_class='auto')\n", + "fsga = FeatureSelectionGA(model,X,y, ff_obj = ff.FitnessFunction())\n", + "pop = fsga.generate(100)\n", + "\n", + "#print(pop)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Requirement already satisfied: deap in ./anaconda3/lib/python3.7/site-packages (1.3.1)\n", + "Requirement already satisfied: numpy in ./anaconda3/lib/python3.7/site-packages (from deap) (1.18.1)\n", + "Note: you may need to restart the kernel to use updated packages.\n" + ] + } + ], + "source": [ + "pip install deap" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Selecting features with genetic algorithm.\n", + "gen\tnevals\tavg \tstd \tmin \tmax \n", + "0 \t50 \t[-10000. 65022.4]\t[ 0. 190.66735431]\t[-10000. 64619.]\t[-10000. 65453.]\n", + "1 \t29 \t[-10000. 64848.52]\t[ 0. 199.49097624]\t[-10000. 64182.]\t[-10000. 65302.]\n", + "2 \t28 \t[-10000. 64664.84]\t[ 0. 180.7286762] \t[-10000. 64095.]\t[-10000. 65033.]\n", + "3 \t34 \t[-10000. 64533.32]\t[ 0. 161.33126665]\t[-10000. 64166.]\t[-10000. 64807.]\n", + "4 \t34 \t[-10000. 64388.] \t[ 0. 162.88953312]\t[-10000. 64150.]\t[-10000. 64763.]\n", + "5 \t33 \t[-10000. 64265.88]\t[ 0. 123.69197872]\t[-10000. 64066.]\t[-10000. 64755.]\n", + "6 \t30 \t[-10000. 64206.86]\t[ 0. 91.92714724] \t[-10000. 64030.]\t[-10000. 64547.]\n", + "7 \t28 \t[-10000. 64143.46]\t[ 0. 66.93973708] \t[-10000. 63999.]\t[-10000. 64282.]\n", + "8 \t26 \t[-10000. 64107.48]\t[ 0. 84.23187995] \t[-10000. 63978.]\t[-10000. 64372.]\n", + "9 \t30 \t[-10000. 64065.36]\t[ 0. 81.69939045] \t[-10000. 63930.]\t[-10000. 64337.]\n", + "10 \t29 \t[-10000. 64004.24]\t[ 0. 68.10713913] \t[-10000. 63869.]\t[-10000. 64174.]\n", + "11 \t39 \t[-10000. 63973.98]\t[ 0. 69.56392456] \t[-10000. 63823.]\t[-10000. 64137.]\n", + "12 \t29 \t[-10000. 63941.1] \t[ 0. 89.86128199] \t[-10000. 63765.]\t[-10000. 64231.]\n", + "13 \t30 \t[-10000. 63873.52]\t[ 0. 98.96004042] \t[-10000. 63646.]\t[-10000. 64188.]\n", + "14 \t29 \t[-10000. 63833.96]\t[ 0. 93.79764603] \t[-10000. 63653.]\t[-10000. 64115.]\n", + "15 \t31 \t[-10000. 63809.24]\t[ 0. 108.84347661]\t[-10000. 63653.]\t[-10000. 64168.]\n", + "16 \t25 \t[-10000. 63752.14]\t[ 0. 66.10416326] \t[-10000. 63627.]\t[-10000. 63958.]\n", + "17 \t28 \t[-10000. 63736.04]\t[ 0. 98.81557772] \t[-10000. 63608.]\t[-10000. 64085.]\n", + "18 \t35 \t[-10000. 63691.12]\t[ 0. 90.58027158] \t[-10000. 63565.]\t[-10000. 63969.]\n", + "19 \t27 \t[-10000. 63671.62]\t[ 0. 82.05995126] \t[-10000. 63525.]\t[-10000. 63882.]\n", + "20 \t25 \t[-10000. 63641.1] \t[ 0. 82.72563085] \t[-10000. 63479.]\t[-10000. 63976.]\n", + "21 \t28 \t[-10000. 63601.16]\t[ 0. 74.46485345] \t[-10000. 63423.]\t[-10000. 63821.]\n", + "22 \t23 \t[-10000. 63563.82]\t[ 0. 75.53030915] \t[-10000. 63423.]\t[-10000. 63758.]\n", + "23 \t33 \t[-10000. 63537.12]\t[ 0. 86.07592927] \t[-10000. 63423.]\t[-10000. 63816.]\n", + "24 \t30 \t[-10000. 63480.96]\t[ 0. 84.82498688] \t[-10000. 63328.]\t[-10000. 63714.]\n", + "25 \t21 \t[-10000. 63455.6] \t[ 0. 101.8972031] \t[-10000. 63300.]\t[-10000. 63816.]\n", + "26 \t31 \t[-10000. 63423.5] \t[ 0. 97.16053726] \t[-10000. 63231.]\t[-10000. 63727.]\n", + "27 \t37 \t[-10000. 63412.64]\t[ 0. 103.99245357]\t[-10000. 63227.]\t[-10000. 63745.]\n", + "28 \t34 \t[-10000. 63371.68]\t[ 0. 94.59480747] \t[-10000. 63227.]\t[-10000. 63684.]\n", + "29 \t28 \t[-10000. 63330.86]\t[ 0. 83.74962925] \t[-10000. 63169.]\t[-10000. 63557.]\n", + "30 \t29 \t[-10000. 63304.24]\t[ 0. 82.79264702] \t[-10000. 63169.]\t[-10000. 63546.]\n", + "31 \t26 \t[-10000. 63282.88]\t[ 0. 88.78798117] \t[-10000. 63166.]\t[-10000. 63591.]\n", + "32 \t28 \t[-10000. 63275.18]\t[ 0. 98.3901804] \t[-10000. 63143.]\t[-10000. 63599.]\n", + "33 \t25 \t[-10000. 63247.06]\t[ 0. 96.21588434] \t[-10000. 63138.]\t[-10000. 63549.]\n", + "34 \t32 \t[-10000. 63239.38]\t[ 0. 105.40111764]\t[-10000. 63099.]\t[-10000. 63474.]\n", + "35 \t32 \t[-10000. 63194.4] \t[ 0. 85.30931954] \t[-10000. 63028.]\t[-10000. 63473.]\n", + "36 \t33 \t[-10000. 63173.4] \t[ 0. 100.43146917]\t[-10000. 63017.]\t[-10000. 63534.]\n", + "37 \t28 \t[-10000. 63150.46]\t[ 0. 94.50485913] \t[-10000. 63019.]\t[-10000. 63414.]\n", + "38 \t28 \t[-10000. 63107.12]\t[ 0. 84.84400745] \t[-10000. 63006.]\t[-10000. 63327.]\n", + "39 \t36 \t[-10000. 63081.74]\t[ 0. 90.88317996] \t[-10000. 62987.]\t[-10000. 63346.]\n", + "40 \t23 \t[-10000. 63051.] \t[ 0. 69.05476088] \t[-10000. 62979.]\t[-10000. 63326.]\n", + "[ True False True ... False False False]\n" + ] + } + ], + "source": [ + "estimator = linear_model.LogisticRegression(solver=\"liblinear\", multi_class=\"ovr\")\n", + "selector = GeneticSelectionCV(estimator,\n", + " cv=5,\n", + " verbose=1,\n", + " scoring=\"accuracy\",\n", + " max_features=5,\n", + " n_population=50,\n", + " crossover_proba=0.5,\n", + " mutation_proba=0.2,\n", + " n_generations=40,\n", + " crossover_independent_proba=0.5,\n", + " mutation_independent_proba=0.05,\n", + " tournament_size=3,\n", + " n_gen_no_change=10,\n", + " caching=True,\n", + " n_jobs=-1)\n", + "selector = selector.fit(X, y)\n", + "print(selector.support_)\n", + "# clf= MultinomialNB(alpha=.01)\n", + "# print (\"MultinomialNB 10-Cross Validation :\",cross_val_score(clf, selector, y, cv=5, scoring='accuracy').mean())" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "ename": "ValueError", + "evalue": "Expected 2D array, got scalar array instead:\narray=GeneticSelectionCV(caching=True, crossover_independent_proba=0.5,\n crossover_proba=0.5, cv=5,\n estimator=LogisticRegression(C=1.0, class_weight=None, dual=False, fit_intercept=True,\n intercept_scaling=1, max_iter=100, multi_class='ovr',\n n_jobs=None, penalty='l2', random_state=None, solver='liblinear',\n tol=0.0001, verbose=0, warm_start=False),\n fit_params=None, max_features=5, mutation_independent_proba=0.05,\n mutation_proba=0.2, n_gen_no_change=10, n_generations=40,\n n_jobs=-1, n_population=50, scoring='accuracy',\n tournament_size=3, verbose=1).\nReshape your data either using array.reshape(-1, 1) if your data has a single feature or array.reshape(1, -1) if it contains a single sample.", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mValueError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 1\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 2\u001b[0m \u001b[0mclf_mnb\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mMultinomialNB\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0malpha\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m.01\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 3\u001b[0;31m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mselector\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mpredict\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mselector\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 4\u001b[0m \u001b[0;31m# score = -1.0 * cross_val_score(clf_mnb, X, selector., cv=5, scoring=\"neg_mean_squared_error\")\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 5\u001b[0m \u001b[0;31m# print(\"CV MSE after feature selection: {:.2f}\".format(np.mean(score)))\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/anaconda3/lib/python3.7/site-packages/sklearn/utils/metaestimators.py\u001b[0m in \u001b[0;36m\u001b[0;34m(*args, **kwargs)\u001b[0m\n\u001b[1;32m 116\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 117\u001b[0m \u001b[0;31m# lambda, but not partial, allows help() to work with update_wrapper\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 118\u001b[0;31m \u001b[0mout\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;32mlambda\u001b[0m \u001b[0;34m*\u001b[0m\u001b[0margs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m:\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mfn\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mobj\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m*\u001b[0m\u001b[0margs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 119\u001b[0m \u001b[0;31m# update the docstring of the returned function\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 120\u001b[0m \u001b[0mupdate_wrapper\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mout\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mfn\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/anaconda3/lib/python3.7/site-packages/genetic_selection/__init__.py\u001b[0m in \u001b[0;36mpredict\u001b[0;34m(self, X)\u001b[0m\n\u001b[1;32m 364\u001b[0m \u001b[0mThe\u001b[0m \u001b[0mpredicted\u001b[0m \u001b[0mtarget\u001b[0m \u001b[0mvalues\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 365\u001b[0m \"\"\"\n\u001b[0;32m--> 366\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mestimator_\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mpredict\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtransform\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mX\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 367\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 368\u001b[0m \u001b[0;34m@\u001b[0m\u001b[0mif_delegate_has_method\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdelegate\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m'estimator'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/anaconda3/lib/python3.7/site-packages/sklearn/feature_selection/base.py\u001b[0m in \u001b[0;36mtransform\u001b[0;34m(self, X)\u001b[0m\n\u001b[1;32m 73\u001b[0m \u001b[0mThe\u001b[0m \u001b[0minput\u001b[0m \u001b[0msamples\u001b[0m \u001b[0;32mwith\u001b[0m \u001b[0monly\u001b[0m \u001b[0mthe\u001b[0m \u001b[0mselected\u001b[0m \u001b[0mfeatures\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 74\u001b[0m \"\"\"\n\u001b[0;32m---> 75\u001b[0;31m \u001b[0mX\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mcheck_array\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mX\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdtype\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mNone\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0maccept_sparse\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m'csr'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 76\u001b[0m \u001b[0mmask\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mget_support\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 77\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0mmask\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0many\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/anaconda3/lib/python3.7/site-packages/sklearn/utils/validation.py\u001b[0m in \u001b[0;36mcheck_array\u001b[0;34m(array, accept_sparse, accept_large_sparse, dtype, order, copy, force_all_finite, ensure_2d, allow_nd, ensure_min_samples, ensure_min_features, warn_on_dtype, estimator)\u001b[0m\n\u001b[1;32m 538\u001b[0m \u001b[0;34m\"Reshape your data either using array.reshape(-1, 1) if \"\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 539\u001b[0m \u001b[0;34m\"your data has a single feature or array.reshape(1, -1) \"\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 540\u001b[0;31m \"if it contains a single sample.\".format(array))\n\u001b[0m\u001b[1;32m 541\u001b[0m \u001b[0;31m# If input is 1D raise error\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 542\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0marray\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mndim\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mValueError\u001b[0m: Expected 2D array, got scalar array instead:\narray=GeneticSelectionCV(caching=True, crossover_independent_proba=0.5,\n crossover_proba=0.5, cv=5,\n estimator=LogisticRegression(C=1.0, class_weight=None, dual=False, fit_intercept=True,\n intercept_scaling=1, max_iter=100, multi_class='ovr',\n n_jobs=None, penalty='l2', random_state=None, solver='liblinear',\n tol=0.0001, verbose=0, warm_start=False),\n fit_params=None, max_features=5, mutation_independent_proba=0.05,\n mutation_proba=0.2, n_gen_no_change=10, n_generations=40,\n n_jobs=-1, n_population=50, scoring='accuracy',\n tournament_size=3, verbose=1).\nReshape your data either using array.reshape(-1, 1) if your data has a single feature or array.reshape(1, -1) if it contains a single sample." + ] + } + ], + "source": [ + "\n", + "clf_mnb = MultinomialNB(alpha=.01)\n", + "print(selector.predict(selector))\n", + "# score = -1.0 * cross_val_score(clf_mnb, X, selector., cv=5, scoring=\"neg_mean_squared_error\")\n", + "# print(\"CV MSE after feature selection: {:.2f}\".format(np.mean(score)))\n", + "# # Instantiate the estimator\n", + "# clf_MNB = MultinomialNB(alpha=.01)\n", + "\n", + "# # Fit the model with data (aka \"model training\")\n", + "# clf_MNB.fit(Xtr, ytr)\n", + "\n", + "# # Predict the response for a new observation\n", + "# y_pred_mnb = clf_MNB.predict(Xtt)\n", + "# # print (\"Predicted Class Labels:\",y_pred_mnb)\n", + "\n", + "# # calculate accuracy\n", + "# print (\"Classification Accuracy:\",metrics.accuracy_score(ytt, y_pred_mnb))\n", + "# clf= MultinomialNB(alpha=.01)\n", + "# print (\"MultinomialNB 10-Cross Validation :\",cross_val_score(clf, selector, y, cv=5, scoring='accuracy').mean())" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[\"From: Mamatha Devineni Ratnam \\nSubject: Pens fans reactions\\nOrganization: Post Office, Carnegie Mellon, Pittsburgh, PA\\nLines: 12\\nNNTP-Posting-Host: po4.andrew.cmu.edu\\n\\n\\n\\nI am sure some bashers of Pens fans are pretty confused about the lack\\nof any kind of posts about the recent Pens massacre of the Devils. Actually,\\nI am bit puzzled too and a bit relieved. However, I am going to put an end\\nto non-PIttsburghers' relief with a bit of praise for the Pens. Man, they\\nare killing those Devils worse than I thought. Jagr just showed you why\\nhe is much better than his regular season stats. He is also a lot\\nfo fun to watch in the playoffs. Bowman should let JAgr have a lot of\\nfun in the next couple of games since the Pens are going to beat the pulp out of Jersey anyway. I was very disappointed not to see the Islanders lose the final\\nregular season game. PENS RULE!!!\\n\\n\",\n", + " 'From: mblawson@midway.ecn.uoknor.edu (Matthew B Lawson)\\nSubject: Which high-performance VLB video card?\\nSummary: Seek recommendations for VLB video card\\nNntp-Posting-Host: midway.ecn.uoknor.edu\\nOrganization: Engineering Computer Network, University of Oklahoma, Norman, OK, USA\\nKeywords: orchid, stealth, vlb\\nLines: 21\\n\\n My brother is in the market for a high-performance video card that supports\\nVESA local bus with 1-2MB RAM. Does anyone have suggestions/ideas on:\\n\\n - Diamond Stealth Pro Local Bus\\n\\n - Orchid Farenheit 1280\\n\\n - ATI Graphics Ultra Pro\\n\\n - Any other high-performance VLB card\\n\\n\\nPlease post or email. Thank you!\\n\\n - Matt\\n\\n-- \\n | Matthew B. Lawson <------------> (mblawson@essex.ecn.uoknor.edu) | \\n --+-- \"Now I, Nebuchadnezzar, praise and exalt and glorify the King --+-- \\n | of heaven, because everything he does is right and all his ways | \\n | are just.\" - Nebuchadnezzar, king of Babylon, 562 B.C. | \\n',\n", + " 'From: hilmi-er@dsv.su.se (Hilmi Eren)\\nSubject: Re: ARMENIA SAYS IT COULD SHOOT DOWN TURKISH PLANES (Henrik)\\nLines: 95\\nNntp-Posting-Host: viktoria.dsv.su.se\\nReply-To: hilmi-er@dsv.su.se (Hilmi Eren)\\nOrganization: Dept. of Computer and Systems Sciences, Stockholm University\\n\\n\\n\\n\\n|>The student of \"regional killings\" alias Davidian (not the Davidian religios sect) writes:\\n\\n\\n|>Greater Armenia would stretch from Karabakh, to the Black Sea, to the\\n|>Mediterranean, so if you use the term \"Greater Armenia\" use it with care.\\n\\n\\n\\tFinally you said what you dream about. Mediterranean???? That was new....\\n\\tThe area will be \"greater\" after some years, like your \"holocaust\" numbers......\\n\\n\\n\\n\\n|>It has always been up to the Azeris to end their announced winning of Karabakh \\n|>by removing the Armenians! When the president of Azerbaijan, Elchibey, came to \\n|>power last year, he announced he would be be \"swimming in Lake Sevan [in \\n|>Armeniaxn] by July\".\\n\\t\\t*****\\n\\tIs\\'t July in USA now????? Here in Sweden it\\'s April and still cold.\\n\\tOr have you changed your calendar???\\n\\n\\n|>Well, he was wrong! If Elchibey is going to shell the \\n|>Armenians of Karabakh from Aghdam, his people will pay the price! If Elchibey \\n\\t\\t\\t\\t\\t\\t ****************\\n|>is going to shell Karabakh from Fizuli his people will pay the price! If \\n\\t\\t\\t\\t\\t\\t ******************\\n|>Elchibey thinks he can get away with bombing Armenia from the hills of \\n|>Kelbajar, his people will pay the price. \\n\\t\\t\\t ***************\\n\\n\\n\\tNOTHING OF THE MENTIONED IS TRUE, BUT LET SAY IT\\'s TRUE.\\n\\t\\n\\tSHALL THE AZERI WOMEN AND CHILDREN GOING TO PAY THE PRICE WITH\\n\\t\\t\\t\\t\\t\\t **************\\n\\tBEING RAPED, KILLED AND TORTURED BY THE ARMENIANS??????????\\n\\t\\n\\tHAVE YOU HEARDED SOMETHING CALLED: \"GENEVA CONVENTION\"???????\\n\\tYOU FACIST!!!!!\\n\\n\\n\\n\\tOhhh i forgot, this is how Armenians fight, nobody has forgot\\n\\tyou killings, rapings and torture against the Kurds and Turks once\\n\\tupon a time!\\n \\n \\n\\n|>And anyway, this \"60 \\n|>Kurd refugee\" story, as have other stories, are simple fabrications sourced in \\n|>Baku, modified in Ankara. Other examples of this are Armenia has no border \\n|>with Iran, and the ridiculous story of the \"intercepting\" of Armenian military \\n|>conversations as appeared in the New York Times supposedly translated by \\n|>somebody unknown, from Armenian into Azeri Turkish, submitted by an unnamed \\n|>\"special correspondent\" to the NY Times from Baku. Real accurate!\\n\\nOhhhh so swedish RedCross workers do lie they too? What ever you say\\n\"regional killer\", if you don\\'t like the person then shoot him that\\'s your policy.....l\\n\\n\\n|>[HE]\\tSearch Turkish planes? You don\\'t know what you are talking about.<-------\\n|>[HE]\\tsince it\\'s content is announced to be weapons? \\t\\t\\t\\ti\\t \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\ti\\n|>Well, big mouth Ozal said military weapons are being provided to Azerbaijan\\ti\\n|>from Turkey, yet Demirel and others say no. No wonder you are so confused!\\ti\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\ti\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\ti\\n\\tConfused?????\\t\\t\\t\\t\\t\\t\\t\\ti\\n\\tYou facist when you delete text don\\'t change it, i wrote:\\t\\ti\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\ti\\n Search Turkish planes? You don\\'t know what you are talking about.\\ti\\n Turkey\\'s government has announced that it\\'s giving weapons <-----------i\\n to Azerbadjan since Armenia started to attack Azerbadjan\\t\\t\\n it self, not the Karabag province. So why search a plane for weapons\\t\\n since it\\'s content is announced to be weapons? \\n\\n\\tIf there is one that\\'s confused then that\\'s you! We have the right (and we do)\\n\\tto give weapons to the Azeris, since Armenians started the fight in Azerbadjan!\\n \\n\\n|>You are correct, all Turkish planes should be simply shot down! Nice, slow\\n|>moving air transports!\\n\\n\\tShoot down with what? Armenian bread and butter? Or the arms and personel \\n\\tof the Russian army?\\n\\n\\n\\n\\nHilmi Eren\\nStockholm University\\n',\n", + " 'From: guyd@austin.ibm.com (Guy Dawson)\\nSubject: Re: IDE vs SCSI, DMA and detach\\nOriginator: guyd@pal500.austin.ibm.com\\nOrganization: IBM Austin\\nLines: 60\\n\\n\\nIn article <1993Apr19.034517.12820@julian.uwo.ca>, wlsmith@valve.heart.rri.uwo.ca (Wayne Smith) writes:\\n> In article richk@grebyn.com (Richard Krehbiel) writes:\\n> >> Can anyone explain in fairly simple terms why, if I get OS/2, I might \\n> >> need an SCSI controler rather than an IDE. Will performance suffer that\\n> >> much? For a 200MB or so drive? If I don\\'t have a tape drive or CD-ROM?\\n> >> Any help would be appreciated.\\n> \\n> >So, when you\\'ve got multi-tasking, you want to increase performance by\\n> >increasing the amount of overlapping you do.\\n> >\\n> >One way is with DMA or bus mastering. Either of these make it\\n> >possible for I/O devices to move their data into and out of memory\\n> >without interrupting the CPU. The alternative is for the CPU to move\\n> >the data. There are several SCSI interface cards that allow DMA and\\n> >bus mastering.\\n> ^^^^^^^^^^^^\\n> How do you do bus-mastering on the ISA bus?\\n> \\n> >IDE, however, is defined by the standard AT interface\\n> >created for the IBM PC AT, which requires the CPU to move all the data\\n> >bytes, with no DMA.\\n> \\n> If we\\'re talking ISA (AT) bus here, then you can only have 1 DMA channel\\n> active at any one time, presumably transferring data from a single device.\\n> So even though you can have at least 7 devices on a SCSI bus, explain how\\n> all 7 of those devices can to DMA transfers through a single SCSI card\\n> to the ISA-AT bus at the same time.\\n\\nThink!\\n\\nIt\\'s the SCSI card doing the DMA transfers NOT the disks...\\n\\nThe SCSI card can do DMA transfers containing data from any of the SCSI devices\\nit is attached when it wants to.\\n\\nAn important feature of SCSI is the ability to detach a device. This frees the\\nSCSI bus for other devices. This is typically used in a multi-tasking OS to\\nstart transfers on several devices. While each device is seeking the data the\\nbus is free for other commands and data transfers. When the devices are\\nready to transfer the data they can aquire the bus and send the data.\\n\\nOn an IDE bus when you start a transfer the bus is busy until the disk has seeked\\nthe data and transfered it. This is typically a 10-20ms second lock out for other\\nprocesses wanting the bus irrespective of transfer time.\\n\\n> \\n> Also, I\\'m still trying to track down a copy of IBM\\'s AT reference book,\\n> but from their PC technical manual (page 2-93):\\n> \\n> \"The (FDD) adapter is buffered on the I.O bus and uses the System Board\\n> direct memory access (DMA) for record data transfers.\"\\n> I expect to see something similar for the PC-AT HDD adapter. \\n> So the lowly low-density original PC FDD card used DMA and the PC-AT\\n> HDD controller doesn\\'t!?!? That makes real sense.\\n-- \\n-- -----------------------------------------------------------------------------\\nGuy Dawson - Hoskyns Group Plc.\\n guyd@hoskyns.co.uk Tel Hoskyns UK - 71 251 2128\\n guyd@austin.ibm.com Tel IBM Austin USA - 512 838 3377\\n',\n", + " 'From: Alexander Samuel McDiarmid \\nSubject: driver ??\\nOrganization: Sophomore, Mechanical Engineering, Carnegie Mellon, Pittsburgh, PA\\nLines: 15\\nNNTP-Posting-Host: po4.andrew.cmu.edu\\n\\n \\n1) I have an old Jasmine drive which I cannot use with my new system.\\n My understanding is that I have to upsate the driver with a more modern\\none in order to gain compatability with system 7.0.1. does anyone know\\nof an inexpensive program to do this? ( I have seen formatters for <$20\\nbuit have no idea if they will work)\\n \\n2) I have another ancient device, this one a tape drive for which\\nthe back utility freezes the system if I try to use it. THe drive is a\\njasmine direct tape (bought used for $150 w/ 6 tapes, techmar\\nmechanism). Essentially I have the same question as above, anyone know\\nof an inexpensive beckup utility I can use with system 7.0.1\\n \\nall help and advice appriciated.\\n\\n',\n", + " 'From: tell@cs.unc.edu (Stephen Tell)\\nSubject: Re: subliminal message flashing on TV\\nOrganization: The University of North Carolina at Chapel Hill\\nLines: 25\\nNNTP-Posting-Host: rukbat.cs.unc.edu\\n\\nIn article <7480237@hpfcso.FC.HP.COM> myers@hpfcso.FC.HP.COM (Bob Myers) writes:\\n>> Hi. I was doing research on subliminal suggestion for a psychology\\n>> paper, and I read that one researcher flashed hidden messages on the\\n>> TV screen at 1/200ths of a second. Is that possible?\\n\\n> Might\\n>even be a vector (\"strokewriter\") display, in which case the lower limit\\n>on image time is anyone\\'s guess (and is probably phosphor-persistence limited).\\n\\nBack in high school I worked as a lab assistant for a bunch of experimental\\npsychologists at Bell Labs. When they were doing visual perception and\\nmemory experiments, they used vector-type displays, with 1-millisecond\\nrefresh rates common.\\n\\nSo your case of 1/200th sec is quite practical, and the experimenters were\\nprobably sure that it was 5 milliseconds, not 4 or 6 either.\\n\\n>Bob Myers KC0EW >myers@fc.hp.com \\n\\nSteve\\n-- \\nSteve Tell tell@cs.unc.edu H: 919 968 1792 | #5L Estes Park apts\\nUNC Chapel Hill Computer Science W: 919 962 1845 | Carrboro NC 27510\\nEngineering is a _lot_ like art: Some circuits are like lyric poems, some\\nare like army manuals, and some are like The Hitchhiker\\'s Guide to the Galaxy..\\n',\n", + " 'From: lpa8921@tamuts.tamu.edu (Louis Paul Adams)\\nSubject: Re: Number for Applied Engineering\\nOrganization: Texas A&M University, College Station\\nLines: 9\\nNNTP-Posting-Host: tamuts.tamu.edu\\n\\n>Anyone have a phone number for Applied Engineering so I can give them\\n>a call?\\n\\n\\nAE is in Dallas...try 214/241-6060 or 214/241-0055. Tech support may be on\\ntheir own line, but one of these should get you started.\\n\\nGood luck!\\n\\n',\n", + " \"From: dchhabra@stpl.ists.ca (Deepak Chhabra)\\nSubject: Re: Atlanta Hockey Hell!!\\nNntp-Posting-Host: stpl.ists.ca\\nOrganization: Solar Terresterial Physics Laboratory, ISTS\\nLines: 24\\n\\nIn article <0foVj7i00WB4MIUmht@andrew.cmu.edu> Mamatha Devineni Ratnam writes:\\n>\\n>Well, it's not that bad. But I am still pretty pissed of at the\\n>local ABC coverage. They cut off the first half hour of coverage by playing\\n\\n[stuff deleted]\\n\\nOk, here's the solution to your problem. Move to Canada. Yesterday I was able\\nto watch FOUR games...the NJ-PITT at 1:00 on ABC, LA-CAL at 3:00 (CBC), \\nBUFF-BOS at 7:00 (TSN and FOX), and MON-QUE at 7:30 (CBC). I think that if\\neach series goes its max I could be watching hockey playoffs for 40-some odd\\nconsecutive nights (I haven't counted so that's a pure guess).\\n\\nI have two tv's in my house, and I set them up side-by-side to watch MON-QUE\\nand keep an eye on BOS-BUFF at the same time. I did the same for the two\\nafternoon games.\\n\\nBtw, those ABC commentaters were great! I was quite impressed; they seemed\\nto know that their audience wasn't likely to be well-schooled in hockey lore\\nand they did an excellent job. They were quite impartial also, IMO.\\n\\n\\n\\ndchhabra@stpl.ists.ca (not suffering from a shortage of hockey here)\\n\",\n", + " \"From: dchhabra@stpl.ists.ca (Deepak Chhabra)\\nSubject: Re: Goalie masks\\nNntp-Posting-Host: stpl.ists.ca\\nOrganization: Solar Terresterial Physics Laboratory, ISTS\\nLines: 15\\n\\nIn article hammerl@acsu.buffalo.edu (Valerie S. Hammerl) writes:\\n\\n>>[...] and I'll give Fuhr's new one an honourable mention, although I haven't\\n>>seen it closely yet (it looked good from a distance!). \\n\\n>This is the new Buffalo one, the second since he's been with the\\n>Sabres? I recall a price tag of over $700 just for the paint job on\\n>that mask, and a total price of almost $1500. Ouch. \\n\\nYeah, it's the second one. And I believe that price too. I've been trying\\nto get a good look at it on the Bruin-Sabre telecasts, and wow! does it ever\\nlook good. Whoever did that paint job knew what they were doing. And given\\nFuhr's play since he got it, I bet the Bruins are wishing he didn't have it:)\\n\\n--\\n\",\n", + " 'From: arromdee@jyusenkyou.cs.jhu.edu (Ken Arromdee)\\nSubject: Re: Christians above the Law? was Clarification of pe\\nOrganization: Johns Hopkins University CS Dept.\\nLines: 13\\n\\nIn article dlecoint@garnet.acns.fsu.edu (Darius_Lecointe) writes:\\n>>Jesus was a JEW, not a Christian.\\n\\nIf a Christian means someone who believes in the divinity of Jesus, it is safe\\nto say that Jesus was a Christian.\\n--\\n\"On the first day after Christmas my truelove served to me... Leftover Turkey!\\nOn the second day after Christmas my truelove served to me... Turkey Casserole\\n that she made from Leftover Turkey.\\n[days 3-4 deleted] ... Flaming Turkey Wings! ...\\n -- Pizza Hut commercial (and M*tlu/A*gic bait)\\n\\nKen Arromdee (arromdee@jyusenkyou.cs.jhu.edu)\\n',\n", + " \"From: sandvik@newton.apple.com (Kent Sandvik)\\nSubject: Re: 14 Apr 93 God's Promise in 1 John 1: 7\\nOrganization: Cookamunga Tourist Bureau\\nLines: 17\\n\\nIn article <1qknu0INNbhv@shelley.u.washington.edu>, > Christian: washed in\\nthe blood of the lamb.\\n> Mithraist: washed in the blood of the bull.\\n> \\n> If anyone in .netland is in the process of devising a new religion,\\n> do not use the lamb or the bull, because they have already been\\n> reserved. Please choose another animal, preferably one not\\n> on the Endangered Species List. \\n\\nThis will be a hard task, because most cultures used most animals\\nfor blood sacrifices. It has to be something related to our current\\npost-modernism state. Hmm, what about used computers?\\n\\nCheers,\\nKent\\n---\\nsandvik@newton.apple.com. ALink: KSAND -- Private activities on the net.\\n\",\n", + " 'From: steve-b@access.digex.com (Steve Brinich)\\nSubject: Re: Fighting the Clipper Initiative\\nOrganization: Express Access Online Communications, Greenbelt, MD USA\\nLines: 7\\nNNTP-Posting-Host: access.digex.net\\n\\n > er, excuse me but since the escrow agencies aren\\'t yet chosen, how can you\\n >say they have a \"history of untrustworthy behavoir[sic]\"? \\n\\n I refer to the Federal law enforcement apparatus (which is ultimately in\\ncharge of this) generally.\\n\\n\\n',\n", + " 'From: Thyagi@cup.portal.com (Thyagi Morgoth NagaSiva)\\nSubject: Re: OTO, the Ancient Order of Oriental Templars\\nOrganization: The Portal System (TM)\\nDistribution: world\\n <1993Apr14.130150.28931@lynx.dac.northeastern.edu> <79615@cup.portal.com>\\n <1qn5rn$q7p@csugrad.cs.vt.edu>\\nLines: 144\\n\\n930418\\n\\nDo what thou wilt shall be the whole of the Law. [Honestly.]\\nThe word of Sin is Restriction. [Would I kid you?]\\n\\n\\nDoes one man\\'s words encompass the majestic vision of thousands\\nof individuals? Quoting a man is not the same as quoting the\\nOrder. Taken out of context, words can be interpreted much\\ndifferently than had one applied them within the confines of\\ntheir original expression.\\n\\nI think this is the case regarding Hymenaeus Beta, Frater Superior \\nof the Order to which I belong. When he included that bit\\nfrom Merlinus X\\' he did us all a service. He showed us the extremes\\nto which Order members have been known to go in their fervor.\\nI have little knowledge regarding Reuss\\' background, but surely\\nhe was an unusual man, and he was an important force in the Order \\nfor many years.\\n\\nYet as people change so do Orders change, and while we look back\\nso carefully at the dirty laundry of O.T.O. remember that this is\\nonly the surface skim and that many perspectives are now encompassed\\nwhich extend beyond any one individual. I hope to show that there\\nwas and is much room for a difference of opinion within the Order\\nitself, perhaps by testing the limits myself.\\n\\n\\nLet us examine this issue a bit more closely....\\n\\n\"In 1895, Karl Kellner (1850-1905), a wealthy Austrian industrialist\\nand paper chemist, as well as a high-grade Mason, founded the Ordo\\nTempli Orientis. Kellner had traveled widely in the East, where he\\nmet three adepts who instructed him specific magical practices. \\nKellner\\'s efforts to develop the Order were later assisted by Franz\\nHartmann, Heinrich Klein and Theodore Reuss, who had worked together\\nprior to joining the O.T.O. The Order was first proclaimed in 1902\\nin Reuss\\'s Masonic publication, \\'Oriflamme\\'. On Kellner\\'s death,\\nReuss succeeded him as Outer Head [O.H.O.]. The \\'Jubilee\\' edition of\\nthe \\'Oriflamme\\', published in 1912, announced that the Order taught\\nsecret of sexual magic.\\n \\n\"Theodore Reuss was an interesting character. Born June 28, 1855 in\\nAugsburg, he entered Masonry in 1876. He was a singer, journalist and\\npossibly a spy for the Prussian political police, infiltrating the Socialist\\nLeague founded by Karl Marx\\'s daughter and her husband. Reuss was\\nlater associated with William Wynn Westcott, a leader of the Golden\\nDawn, who later introduced him to John Yarker. Yarker chartered Reuss to\\nfound the Rites of Memphis and Mizraim in Germany. After several\\nattempts to concretize various Masonic Rites, Reuss settled on the\\ndevelopment of the O.T.O.\\n\\n\"The Order experienced reasonably steady growth under Reuss\\' leadership.\\nFor example, he chartered Papus in France, Rudolph Steiner in Berlin\\nand H. Spencer Lewis in the USA. In 1912, the historic meeting between\\nReuss and Crowley occurred. Crowley wrote that Reuss came to him and\\naccused him of revealing Order secrets. When Crowley looked at it afresh,\\nthe initiated interpretation of sexual magick unfolded itself to him for\\nthe first time. Reuss appointed Crowley as Supreme and Holy King of all\\nthe English speaking world, and it was this authorization that he invoked\\nwhen publishing the material of the Equinox.\\n\\n\"Reuss resigned as Outer Head of the Order in 1922 after suffering a\\nstroke and named Crowley his successor. All was well until 1925 when\\n_The Book of the Law_ was translated into German. There was a break\\nin the continuity of the Order. Manyk members split with the new O.H.O.\\nover the book, which Crowley was actively promulgating through the Order.\\nHe had earlier revise dthe Order rituals at Reuss\\'s request, deeply\\ninfusing the doctrines of the New Aeon revelation.\"\\n\\n_An Introduction to the History of the O.T.O._, by Ad Veritatem IX\\'\\n\\nWithin _Equinox III:10_, Edited by \\n Hymenaeus Beta, Frater Superior, Rex Summus Sanctissimus,\\n Caliph of the United States of America,\\n Published by Samuel Weiser, 1990.\\n\\n\\n\\nThere are many possible reasons that our Frater Superior included this\\nmaterial in _Equinox III:10_. And this is the real point, is it not?\\nWhy did he wish to publish such things about the history of his own\\norganization? Does he represent a dogmatic threat to the principle\\nof Thelema? Or is he exercising his True Will and putting forth very\\ncomplex pictures with no easy answers? A picture which leaves room\\nfor very many interpretations.\\n\\nIt is quite easy for me to see, for example, that all of O.T.O. derived\\nout of the dribble of faltering Masonry, purchased by clever hucksters\\nwith an ounce of courage and some writing ability to aid them. And I\\ncan take that all the way down to our present Caliph, whose feeble\\nsupport of the \\'Law of Thelema\\' is laughable at best.\\n\\nWould I be thrown out of the Order for speaking in this way? \\nWill I? \\nI think not.\\nWhy? Because my Frater will see it as a perspective, an interjection\\nI am using as an example. My illustration shows that we may express things\\nin the context of a larger work and the true significance of this may be\\nquite difficult to apprehend at first.\\n\\nSo it may be with OTO and Merlinus X\\'. Please look O.T.O. more carefully.\\nI do not support Reuss\\'s words myself, as I am not qualified to assess\\nthem, and I am critical of their pomposity. If I who am a member of\\nthe Order take such a stand and am allowed to continue doing so, then\\nwhat can this say about the health of the Order? Does it mean that\\nthe Order has \\'gone soft\\' and abandoned its moral principles? Or\\ndoes it mean that it is strong in its ability to let the will of\\nuniversal kinship arise on its own, not shackled by some dogmatic\\nrequirement? How shall we resolve these two possibilities?\\n\\n\\nI find a high calibre of individual associated with Ordo Templi Orientis.\\nThey are often quite intelligent and sometimes very well versed in arcane\\nor usual information. They are quite often artists and geniuses. \\nHaving met some 20 longstanding members in the SF Bay Area (many who are or\\nwere very heavily involved with the Order), I can vouch for the integrity\\nof the organization as it stands.\\n\\nI have sometimes questioned the policy of Hymenaeus Beta. In these moments \\nI followed my intuition, and I\\'ve found little to stop me from requesting\\na Second initiation from a different O.T.O. body. I\\'m happily participating\\nin social groups (Feasts or Initiations) and have come to know the Gnostic\\nMass well enough for my tastes.\\n \\n\\nThis doesn\\'t make me an authority on Order politics and explanations, however.\\nI can only hypothesize and relay to you what I understand based on my\\nlimited contact with other members.\\n\\nI urge you not to take the words of Merlinus X too far. There are many\\nways to interpret words, and many people who have become involved with\\nthe Order feel very strongly about the sanctity of personal freedom\\nand the preservation of individual vision.\\n\\nI welcome other comment on this issue and will be writing more in response\\nto other posts in this thread.\\n\\n\\nInvoke me under my stars. Love is the law, love under will.\\n\\nI am I!\\n\\nFrater (I) Nigris (DCLXVI) CCCXXXIII\\n',\n", + " 'From: filipe@vxcrna.cern.ch (VINCI)\\nSubject: Re: Krillean Photography\\nNews-Software: VAX/VMS VNEWS 1.41 \\nOrganization: European Organization for Nuclear Research, CERN\\nLines: 14\\n\\nIn article <1993Apr20.125920.15005@ircam.fr>, francis@ircam.fr (Joseph Francis) writes...\\n>In article <1993Apr19.205615.1013@unlv.edu> todamhyp@charles.unlv.edu (Brian M. Huey) writes:\\n>>I think that\\'s the correct spelling..\\n> \\n>Crullerian.\\n> \\n How about Kirlian imaging ? I believe the FAQ for sci.skeptics (sp?)\\n has a nice write-up on this. They would certainly be most supportive\\n on helping you to build such a device and connect to a 120Kvolt\\n supply so that you can take a serious look at your \"aura\"... :-)\\n\\n Filipe Santos\\n CERN - European Laboratory for Particle Physics\\n Switzerland\\n',\n", + " 'From: kmr4@po.CWRU.edu (Keith M. Ryan)\\nSubject: Re: Islam And Scientific Predictions (was Re: Genocide is Caused by Atheism)\\nOrganization: Case Western Reserve University\\nLines: 14\\nNNTP-Posting-Host: b64635.student.cwru.edu\\n\\nIn article <1993Apr19.231641.21652@monu6.cc.monash.edu.au> darice@yoyo.cc.monash.edu.au (Fred Rice) writes:\\n\\n>The positive aspect of this verse noted by Dr. Maurice Bucaille is that\\n>while geocentrism was the commonly accepted notion at the time (and for\\n>a long time afterwards), there is no notion of geocentrism in this verse\\n>(or anywhere in the Qur\\'an).\\n\\n\\tThere is no notion of heliocentric, or even galacticentric either.\\n\\n\\n\\n--------------------------------------------------------------------------------\\n\\t\\t\\n\\t\\t\"My sole intention was learning to fly.\"\\n',\n", + " 'From: dbd@urartu.sdpa.org (David Davidian)\\nSubject: \"Stretching from the Adriatic Sea to the Great Wall of China\"\\nOrganization: S.D.P.A. Center for Regional Studies\\nLines: 22\\n\\nIn the following report: _Turkey Eyes Regional Role_ ANKARA, Turkey (AP)\\nApril 27, 1993, we find in the last paragraph:\\n\\n[Turanist] Although Premier Suleyman Demirel criticized Ozal\\'s often\\n[Turanist] brash calls for more Turkish influence, he also has spoken\\n[Turanist] of a swath of Turkic peoples \"stretching from the Adriatic\\n[Turanist] Sea to the Great Wall of China.\"\\n\\nWho does Demirel think he is fooling? It seems at both ends of his envisioned \\npan-Turkic Empire -- the Balkans and the Caucasus -- Turkey\\'s fascist boasts\\nare being pre-empted.\\n\\nI would suggest Turkey let the world feel some of their \"Grey Wolf Teeth\", and\\nattempt to stretch from the Adriatic to China! Turkey will have cried \"wolf\"\\njust once too much! \\n\\n\\n-- \\nDavid Davidian dbd@urartu.sdpa.org | \"Armenia has not learned a lesson in\\nS.D.P.A. Center for Regional Studies | Anatolia and has forgotten the \\nP.O. Box 382761 | punishment inflicted on it.\" 4/14/93\\nCambridge, MA 02238 | -- Late Turkish President Turgut Ozal \\n',\n", + " 'From: csulo@csv.warwick.ac.uk (Mr M J Brown)\\nSubject: 600RPM Floopy drives - UPDATE!\\nOrganization: Computing Services, University of Warwick, UK\\nLines: 26\\nDistribution: world\\nNNTP-Posting-Host: clover.csv.warwick.ac.uk\\n\\nMany thanks to those who replied to my appeal for info on a drive I have\\nwhich is 3.5\" 600RPM!!\\n\\nI now have some information on how to modify this for use with a BBC B \\ncomputer. Not only do you have to change the speed from 600 to 300 rpm\\n(tried that) but also change 8 components in the Rec/Play section to allow\\nfor the lower data rate (250kbit, not 500kbit as it was designed for) and also\\nchange the Recording Current to allow for the low data rate/rev speed!\\n\\nHopefully this should sort it all out .... not bad for 9 quid (normally 32 \\nquid and upwards ....)\\n\\nThe drive is a JVC MDP series drive ...\\n\\n============================================================================= \\n _/ _/ _/ _/ _/ _/_/_/_/ |\\n _/_/ _/_/ _/ _/_/ _/ | Michael Brown\\n _/ _/ _/ _/ _/ _/_/ |\\n _/ _/ _/ _/_/ _/ | csulo@csv.warwick.ac.uk\\n _/ _/ _/ _/ _/ _/_/_/_/ _/ | mjb@dcs.warwick.ac.uk\\n |\\n=============================================================================\\n Lost interest ?? It\\'s so bad I\\'ve lost apathy!\\n=============================================================================\\n\\n\\n',\n", + " \"From: schmidt@auvax1.adelphi.edu\\nSubject: Re: WD-40 as moisture repellant (was Lead Acid batteries & C\\nLines: 32\\nNntp-Posting-Host: auvax1\\nOrganization: Adelphi University, Garden City NY\\n\\nIn article <1993Apr25.094202.3978@lugb.latrobe.edu.au>, MATGBB@LURE.LATROBE.EDU.AU (BYRNES,Graham) writes:\\n> In sasrer@unx.sas.com writes:\\n>> services we offered was an engine cleaning (remove all that oil BEFORE you\\n>> sell the car... ;-}). Unfortunately, we did not have a high pressure\\n.........\\n>> \\n> This definately gets the car going, but... WD-40 is highly flammable. Explosive\\n> even in the right conditions, like a vapour sealed inside a distributor for\\n> eg. And contact points tend to arc a tiny bit :)\\n> \\n> I once saw the alternator/points cover blow completely off a motorcycle after\\n> it had been restored to life with WD-40... fun to watch\\n> (It was a Honda MR-50 minibike and the cover is only held on by large rubber \\n> grommet, so it wasn't really a big blast.)\\n> Graham B\\n> PS As a more serious aside, it is apparently also conductive, so it is best \\n> to exercise caution with it around mains wiring.\\n> \\nI, some years ago, almost became a victim of this. Squirted a fair amount in\\nan old model 15 Teletype which was acting up, then turned it on. The eruption\\nwhen the motor starting contacts broke was mighty spectacular... I almost got\\nmy eyebrows singed, the plastic (old ones had safety glass) cover over the\\nplaten, etc flew across the room, and several people in the room almost had\\nheart attacks. Beware the explosive properties of WD40 vapor.\\n\\n-- \\n*******************************************************************************\\nJohn H. Schmidt, P.E. |Internet: schmidt@auvax1.adelphi.edu\\nTechnical Director, WBAU |Phone--Days (212)456-4218\\nAdelphi University | Evenings (516)877-6400\\nGarden City, New York 11530 |Fax-------------(212)456-2424\\n*******************************************************************************\\n\",\n", + " 'From: pmetzger@snark.shearson.com (Perry E. Metzger)\\nSubject: Re: text of White House announcement and Q&As on clipper chip encryption\\nOrganization: Partnership for an America Free Drug\\nDistribution: na\\nLines: 104\\n\\nrlward1@afterlife.ncsc.mil (Robert Ward) writes:\\n>In article bontchev@fbihh.informatik.uni-hamburg.de writes:\\n>>and since the US constitutions guarantees the right to every American\\n>>to bear arms, why is not every American entitled, as a matter of\\n>\\n>Have you read the applicable part of the Constitution and interpreted it IN \\n>CONTEXT? If not, please do so before posting this misinterpretation again.\\n>It refers to the right of the people to organize a militia, not for individuals \\n>to carry handguns, grenades, and assault rifles. \\n\\nThe Supreme Court seems to disagree with you -- they have stated that\\n\"the people\" is a term of art refering to an individual right, and\\nhave explicitly mentioned the second amendment as an example.\\n\\nI quote:\\n\\n \"... \\'the people\\' seems to have been a term of art employed in\\n select parts of the Constitution. The Preamble declares that the\\n Constitution is ordained, and established by \\'the people of the\\n the U.S.\\' The Second Amendment protects the right of the people\\n to keep and bear Arms ....\"\\n\\t- Supreme Court of the U.S., U.S. v. Uerdugo-Uriquidez (1990).\\n\\nFurthermore, in the Miller decision, they only permitted prosecution\\nfor possession of a sawed-off shotgun because the defense had not\\npresented testimony and they therefore accepted the argument of the\\ngovernment that such weapons have no military value -- they held that\\nthe amendment protected the individual right to possess military\\nweapons. Unfortunately, no second amendment case has successfully\\ngotten to the court in fifty years. However, that does not change the\\ninterpretation.\\n\\nFurthermore, it appears that others disagree with you as well, vis:\\n\\n \"The conclusion is thus inescapable that the history, concept,\\n and wording of the Second Amendment to the Constitution of the\\n United States, as well as its interpretation by every major\\n commentator and court in the first half-century after its ratifi-\\n cation, indicates that what is protected is an individual right\\n of a private citizen to own and carry firearms in a peaceful manner.\"\\n - Report of the Subcommittee on the Constitution of the\\n Committee on the Judiciary, United States Senate,\\n 97th Congress, Second Session ( February 1982 )\\n\\nYou might rightfully ask \"well then, what does that first bit about\\nmilitias mean?\"\\n\\nWell, \"militia\" in historical context basically means the whole of the\\nadult males of the country. (Indeed, the U.S. Code still defines\\n\"militia\" as all armed men over the age of 17).\\n\\n \"The Militia comprised all males physically capable of acting\\n in concert for the common defense .... And ... these men were\\n expected to appear bearing arms supplied by themselves and of\\n the kind in common use at the time.\"\\n\\t- Supreme Court of the United States, U.S. v. Miller (1939).\\n\\nThe reason for the phrase being there was to explain the rationale\\nbehind the amendment, which was this: by depending on the people to\\nbear arms in defense of the country, no centralization of military\\npower could ever occur which would permit tyranny -- in short, the\\ngovernment would remain perpetually in fear of the people, rather than\\nthe other way around.\\n\\n \"No free man shall ever be debarred the use of arms. The strongest reason\\n for the people to retain the right to keep and bear arms is, as a last\\n resort, to protect themselves against tyranny in government.\"\\n - Thomas Jefferson, Proposal Virginia Constitution, June 1776\\n 1 Thomas Jefferson Papers, 334 (C. J. Boyd, Ed., 1950).\\n\\n \"And what country can preserve its liberties, if its rulers are not\\n warned from time to time that this people preserve the spirit of\\n resistance ? Let them take arms ... The tree of liberty must be\\n refreshed from time to time, with the blood of patriots and tyrants.\"\\n - Thomas Jefferson (letter to William S. Smith, 1787, in\\n Jefferson, On Democracy 20, S. Padover, ed., 1939).\\n\\n \"Before a standing army can rule, the people must be disarmed;\\n as they are in almost every kingdom of Europe. The supreme\\n power in America cannot enforce unjust laws by the sword;\\n because the whole body of the people are armed, and constitute\\n a force superior to any bands of regular troops that can be, on\\n any pretense, raised in the United States.\"\\n - Noah Webster, \"An Examination into the Leading Principles\\n of the Federal Constitution\" (1787), in Pamphlets on the\\n Constitution of the United States (P. Ford, 1888).\\n\\nYou may disagree with the second amendment, and wish that it be\\nrepealed, but please do not pretend that it isn\\'t there and that it\\ndoesn\\'t mean what it says. You might argue that conditions have\\nchanged and that it should no longer be present, but you can\\'t imagine\\nit away.\\n\\nI could fill a book with detailed argumentation. Many have already.\\n\\nHowever, none of this has anything to do with cryptography. Lets get\\nit out of here. If you insist on discussing this, please do it in\\ntalk.politics.guns, where people will gladly discuss this matter with\\nyou.\\n\\n--\\nPerry Metzger\\t\\tpmetzger@shearson.com\\n--\\nLaissez faire, laissez passer. Le monde va de lui meme.\\n',\n", + " 'From: mjs@sys.uea.ac.uk (Mike Sixsmith)\\nSubject: Re: Countersteering_FAQ please post\\nOrganization: University of East Anglia\\nLines: 46\\n\\negreen@east.sun.com (Ed Green - Pixel Cruncher) writes:\\n\\n>In article 735312515@zen.sys.uea.ac.uk, mjs@sys.uea.ac.uk (Mike Sixsmith) writes:\\n>>\\ned>1. All of us that argue about gyroscopes, etc., throughly understand\\ned>the technique of countersteering.\\n\\nme>Including all the ones who think that they countersteer all the way\\nme>through a corner??\\n\\ned>Well... all the way through a decreasing-radius corner, anyway...\\n\\nMaybe they are riding around an ever-decreasing circle of lies which\\neventually leads to the truth....\\n\\n\\n\\nme>The official line here (though I do have my doubts about it) is that the\\nme>front brake is applied first, followed by the rear brake, the idea being\\nme>that you avoid locking up the rear after weight transfer takes place. \\n\\n>If that\\'s the \"official line\" taught in those rider education classes\\n>you were refering to, that also don\\'t teach countersteering, I have to\\n>question the quality of the classes. \\n\\nMe too, though unfortunately the \"Official Line\" is the one that you\\nhave to adhere to if you want to get a full licence. The examiner\\'s\\nguidelines are laid down by the government, and the basic rider education\\ncourses have no choice but to follow them. It surprises me that none of the\\nrider groups here, either MAG or the BMF make much noise about the fact that\\nthe riding test requires you to ride three feet from the kerb all the time\\nin order to pass, that the front brake must be applied before the rear, that\\nyou have to keep looking over your shoulder all the time (instead of just\\nwhen it is justified) - there\\'s probably a few more too, which I can\\'t\\nthink of for the moment. If the riding test could be rejigged a bit \\nto include more of the real-world survival skills and less of the \\nwoefully simplistic crap that it contains now, then the accident figures\\nwould (imho) reduce still further.\\n\\nDon\\'t think we should include countersteering knowledge in our test though...\\n\\n:-)\\n\\n\\n\\n\\n',\n", + " 'From: jackw@boi.hp.com (jack wood)\\nSubject: Re: Chevy/GMC 4x4 Fullsize Pickups, Opinions?\\nDistribution: na\\nOrganization: Hewlett-Packard / Boise, Idaho\\nX-Newsreader: TIN [version 1.1.4 PL6]\\nLines: 41\\n\\nDick Grady (grady@world.std.com) wrote:\\n: \\n: I am considering buying a 1993 Chevy or GMC 4x4 full-size pickup with\\n: the extended cab. Any opinions about these vehicles? Have there been\\n: any significant problems?\\n: \\n: -- \\n: Dick Grady Salem, NH, USA grady@world.std.com\\n: So many newsgroups, so little time!\\n\\n\\nI bought a brand new 1992 Chevrolet K2500 HD 4x4 extended cab last\\nMay. It has had many, many problems. See my earler post that describes\\nthe situation. I went to BBB arbitration, and they ruled that Chevrolet\\nmust buy it back from me. If you do get one, stay away from the 5 speed\\nmanual with the deep low first gear. They have put three of them in my\\ntruck so far. After about 1,500 miles, overdrive either starts\\nrattling or hissing loudly. There is no way to fix them. Chevrolet \\nsays that the noise is \"a characteristic of the transmission.\"\\n\\nAlso, if you are planning to use your truck to tow, the\\ngear ratios in that tranny suck. On a steep hill, you get up to about\\n55 MPH in second gear at 4,000 RPM (yellow line). If you shift to third,\\nthe RPM drop to only 2,500, and you begin to loose speed. I should\\npoint out that the 350 V8 they put in the HD (8600 GVW) trucks is a\\ndetuned motor compared to the one they put in the light duty ones. They\\ndropped the compression ratio, supposedly for \"engine longevity\"\\nreasons. So the light duty 350 may pull better than my truck does.\\nOther things that have gone wrong include the ventilation fan (3 times \\nso far), paint (had specs of rust embedded in the paint from being\\nshipped by rail with no covering), and suspension parts (link between\\nstabilizer and control arm fell off).\\n\\nAny company can make a bad individual car, Chevrolet included. What\\nreally bothered me was the way they reacted. They made no attempt\\nto deal with me except to tell me to take it back to the dealer for \\nthem to attempt to fix it one more time. So I bought a brand new\\nFord F250 HD Super Cab with a 460 and an automatic. I will never\\nbuy another Chevrolet.\\n\\njackw@hpdmd48.boi.hp.com\\n',\n", + " \"From: cws@Faultline.Com (Carl Schmidtmann)\\nSubject: Re: Any way to *STOP* and application from re-titling?\\nNntp-Posting-Host: gigo.faultline.com\\nOrganization: Faultline Software Group, Inc\\nDistribution: ba\\nLines: 30\\n\\nIn article <1993May13.212121.29048@colorado.edu>, hoswell@alumni.cs.colorado.edu (Mike Hoswell) writes:\\n|> \\n|> I'm quite familiar with a variety of window title *setting* methods.\\n|> \\n|> My question is... Is there any way (via Resources, etc) to stop an\\n|> application's ability to re-name it's own Name / IconName properties?\\n|> \\n\\nSorry, that's a feature. The ICCCM specifies how the app should set its title, so the wm is obliged to do it. If this bothers you, complain to the app writer.\\n\\n|> ...who cares if it's not 'nice' to the application -\\n|> \\n|> \\tI WANT CONTROL! ;-)\\n|> \\n\\nWrite your own wm that doesn't support the ICCCM. Or write an program that you give a window ID and a title. The your program can set the windows title for the app and then if the app changes it, your program switches it back again.\\n\\n|> -Mike\\n|> \\n|> -- \\n|> Mike Hoswell - hoswell@ncar.ucar.edu | Never Stop! / toasted - Bagels |\\n|> Climate and Global Dynamics | Disclaimer: I represent myself only |\\n|> NCAR, PO Box 3000, Boulder CO, 80307 +----------------+--------------------+\\n|> ...So I've got that going for me --- Which is nice. | Think Clearly. |\\n\\n-- \\n_______________________________________________________________________________\\nCarl Schmidtmann Faultline Software Group, Inc\\n(408) 736-9655 867 Karo Court \\ncws@Faultline.Com ...!{apple|decwrl}!gigo!cws Sunnyvale, CA 94086-8146\\n\",\n", + " \"From: ruocco@ghost.dsi.unimi.it (sergio ruocco)\\nSubject: Re: HOT NEW 3D Software\\nKeywords: Imagine,3d\\nOrganization: Computer Science Dep. - Milan University\\nLines: 26\\n\\n\\nI don't have nor Imagine nor Real 3d, but as old\\nAmiga user I think you should take a look also to \\nReal 3d 2.0 for the Amiga. I saw Imagine 2.0 on the\\nAmiga for a long time at my friend's home, and\\nI've seen R3D 2.0 in action at Bit.Movie 93 in Riccione,\\nItaly (an Italian Computer Graphics Contest).\\nMany professionals using 3d Studio on PC, SoftImage\\nfor Silicon Graphics and Imagine on the Amiga were \\n*VERY IMPRESSED* by the power of this programs.\\nSorry, I've lost the posting with full description \\nof features of this great program.\\n\\nFor more informations give a look in comp.sys.amiga.graphics.\\n\\nRepresentative of Activa International told me that\\nit will be out in 2 weeks for the Amiga and that\\nPC MS-Windows, Silicon Indigo and Unix version are \\nunder development.\\n\\nCiao,\\n\\tSergio\\n\\n\\n\\n\\n-- \\nSergio Ruocco - ruocco@ghost.sm.dsi.unimi.it\\nVia Di Vittorio, 4\\nI-20019 Settimo Milanese Milano\\nPhone: 0039-2-3283896\\n\",\n", + " \"From: jlevine@rd.hydro.on.ca (Jody Levine)\\nSubject: Re: Back Breaker, Near Hit!!\\nOrganization: Ontario Hydro - Research Division\\nLines: 23\\n\\nIn article <1r941o$3tu@menudo.uh.edu> inde7wv@Rosie.UH.EDU writes:\\n>another to the list but with this one I felt the most helpless. I am sitting\\n>at a light about 1 - 2 car lengths behind a car, a wise decsion. Suddenly I \\n>hear screeching tires. I dart my eyes to my mirrors and realize it's the \\n>moroon flying up right behind me, in my panic I pop my clutch and stall the\\n>bike. Luckily the guy stops a foot behind my rear wheel.\\n>\\n>I understand why you theoretically stop so far behind a car but can you\\n>really in actuality avoid such an incident? Suggestions?\\n\\nI've only ever done it in an automatic. I was sitting in my Olds, in\\nthe winter, at a light, when I heard screeching behind me. I managed to\\ndart into the left turn lane before the sliding Jetta wound up half\\nwhere I was and half in the parked car beside where I was. I've never\\nhad occasion to do it on a bike, but I imagine that it would be even\\neasier, because you could slip beside the car in front. Giving a gander\\nat the mirrors while at a light will give you time to get the clutch\\nout smoothly when you notice trouble, instead of waiting for the\\nscreeching.\\n\\nI've bike like | Jody Levine DoD #275 kV\\n got a you can if you -PF | Jody.P.Levine@hydro.on.ca\\n ride it | Toronto, Ontario, Canada\\n\",\n", + " \"From: cs902043@ariel.yorku.ca (SHAWN LUDDINGTON)\\nSubject: Re: 1993 NHL Draft\\nOrganization: York University, Toronto, Canada\\nLines: 51\\n\\nIn article <93109.134719IO91748@MAINE.MAINE.EDU> Jon Carr writes:\\n>When is the draft this year? And will there be any coverage?\\n>I know the upcomming NFL draft is on ESPN.\\n>\\n>Anyone got the details?\\n>\\n>Paul Kariya 1993 #1 Pick! (No. 2 perhaps? He won't last long!) :-)\\n>\\nI don't know the exact coverage in the states. In Canada it is covered\\nby TSN, so maybe ESPN will grab their coverage! I don't know!\\n\\nAs for the picks\\nOttawa picks #1 which means it is almost 100% that Alexander Daigle will \\ngo #1. He'll either stay or be traded in Montreal or Quebec. IMO I would\\ntake Kariya. He should alot of leadership in the NCAA and so far in\\nthe World Championships. Daigle didn't show this for his junior team.\\n\\nSan Jose will then get Kariya.\\n\\nTampa Bay will either go for a russian Kozlov (I think that's it) or a \\n defenseman Rob Niedemeyer (probably spelt the last name wrong)\\n\\nBecause of expansion I won't go further but I will name other of the\\nblue chip prospects\\n\\n - Chris Gratton\\n - Chris Pridham\\n - a swedish player who I can't remember his name\\n\\nDraft Order\\n-----------\\n1) Ottawa\\n2) San Jose\\n3) Tampa Bay\\n4) South Florida or Anahiem\\n5) South Florida or Anahiem\\n6) Hartford\\n7) Edmonton\\n8) Dallas\\n9) NY Rangers\\n10) Philadelphia\\n\\nthe 8th thru 10th picks could be wrong - I don't have the standings here\\nand am guessing \\n\\n(In my mind there are 8 top notch prospects in the draft, with Kariya \\n leading the way but not going #1)\\n\\nShawn - GO CAPS (two first round picks for the next three years - THANKS\\n ST.LOUIS or should I say RON CARON and SCOTT STEVENS)\\n\\n\",\n", + " 'From: prb@access.digex.com (Pat)\\nSubject: Conference on Manned Lunar Exploration. May 7 Crystal City\\nOrganization: Express Access Online Communications, Greenbelt MD USA\\nLines: 9\\nDistribution: na\\nNNTP-Posting-Host: access.digex.net\\n\\n\\nAW&ST had a brief blurb on a Manned Lunar Exploration confernce\\nMay 7th at Crystal City Virginia, under the auspices of AIAA.\\n\\nDoes anyone know more about this? How much, to attend????\\n\\nAnyone want to go?\\n\\npat\\n',\n", + " 'Subject: Re: BD\\'s did themselves--you\\'re all paranoid freaks\\nFrom: kmcvay@oneb.almanac.bc.ca (Ken Mcvay)\\nOrganization: The Old Frog\\'s Almanac\\nLines: 45\\n\\nIn article jeffw@boi.hp.com (jeff waldeck) writes:\\n\\n>Where did you hear about the thermal imaging? I haven\\'t heard this yet \\n>(not that I doubt it, I\\'m just looking for sources...) \\n\\nThis was reported in Canadian papers Thursday, 22 April - I _think_ the\\nsource was UPI, but don\\'t recall for certain.\\n\\n>It seems to me that if they did have this kind of info, they could\\n>broadcast it and it would resolve (or at least help to resolve) alot\\n>of doubt in people\\'s minds. \\n\\n>Personally, the way the (FBI/BATF/Reno/etc) is claiming all sorts of\\n>things without offering one shred of proof (other than their \"good word\")\\n>is very suspicious to me. A picture is worth a thousand words...\\n\\nI understand that at least two goverment investigations have been ordered,\\nso we may learn more during their hearings. \\n\\n>I sincerely hope you are right and it turns out (with indisputable\\n>proof broadcast across our land) that the Government groups had nothing\\n>to do with the fire. But until I see such proof, I think it is just as\\n>likely that a tank did knock over a lantern as Koresh torching the place.\\n>The only \"evidence\" I have seen is a tank crashing through the front\\n>wall, withdrawing, and seconds later flames are seen (the first flames\\n>on the video) erupting from this very same spot. Coincidence? Perhaps.\\n\\nTough call without more investigation, but if the thermal imaging story\\nholds up, I think the government will be more credable... of course,\\nparanoia fans won\\'t believe their results anyway, will they?\\n\\n>If such proof exists, the Government should publish it and put all this\\n>speculation to rest.\\n\\nHear, hear! I\\'d also like to see the autopsy reports confirm news reports\\nthat multiple victims were found shot (in the head), and in positions\\ninconsistent with fire victims. It is simply too early to draw conclusions\\neither way about this nasty incident, but I tend to believe the government\\nside.\\n\\n-- \\nThe Old Frog\\'s Almanac - A Salute to That Old Frog Hisse\\'f, Ryugen Fisher \\n (604) 245-3205 (v32) (604) 245-4366 (2400x4) SCO XENIX 2.3.2 GT \\n Ladysmith, British Columbia, CANADA. Serving Central Vancouver Island \\nwith public access UseNet and Internet Mail - home to the Holocaust Almanac\\n',\n", + " 'From: Geoffrey_Hansen@mindlink.bc.ca (Geoffrey Hansen)\\nSubject: Re: VESA on the Speedstar 24\\nOrganization: MIND LINK! - British Columbia, Canada\\nLines: 12\\n\\nUsing the VMODE command, all you need to do is type VMODE VESA at the dos\\nprompt. VMODE is included with the Speedstar 24. I have used the VESA mode\\nfor autodesk animator pro.\\n\\n--\\n <=================================================|\\n | geoffrey_hansen@mindlink.bc.ca |\\n |=================================================>\\n \"Inumerable confusions and a feeling of despair invariably emerge\\n in periods of great technological and cultural transition.\"\\n Marshall McLuhan\\n\\n',\n", + " \"From: jtobias@cs.tamu.edu (Jason T Tobias)\\nSubject: 4SALE: 486 Localbus MB w/CPU, Weitek, ET4k video, IDE, etc.\\nOrganization: Computer Science Department, Texas A&M University\\nLines: 35\\nDistribution: world\\nNNTP-Posting-Host: photon.tamu.edu\\nKeywords: SUN 3\\n\\nCAD Setup For Sale:\\n\\nG486PLB Local Bus Motherboard\\n Can use up to 32MB of SIMMS (256k/1M/4M)\\n 9 expansion slots (8 16-bit slots, 1 32-bit slot)\\n Weitek 4167 co-processor socket\\n\\n33 Mhz Intel CPU\\n\\n33 Mhz Weitek 4167 Math Co-processor\\n\\nG-Host4000 Local Bus ET4000 Video Card\\n Based on Tseng Labs' ET4000 chip design\\n Supports resolutions up to 1280x1024 interlaced or non-interlaced\\n Uses RAMDAC to allow up to 32k colors in 800x600, 65k colors in 640x480\\n Register level compatible with CGA, EGA, VGA, MDA\\n Software drivers available for 1-2-3, Symphony, Autocad, Autoshade,\\n Windows, Wordperfect, VESA and 8514/A Emulation\\n also contained on the card:\\n Local Bus IDE controller\\n Floppy Disk controller\\n Two fully configuarable serial ports\\n 1 Parallel port\\n 1 Game port\\n\\n I used this setup to run AutoCad and 3D Studio. The combination of\\n Local Bus and the Weitek co-processor made for VERY fast CAD and modeling\\n work. The Weitek coprocessor can cut 3D Studio render times in half and\\n sometimes more. It also increases redraws and regens when modeling in\\n both 3D Studio and Autocad. Everything is less than a year old. I am\\n asking $950.00 + shipping for the whole package. Please respond via email.\\n Thanks.\\n\\n - Jason Tobias\\n jtobias@photon.tamu.edu\\n\",\n", + " 'Organization: Penn State University\\nFrom: John A. Johnson \\nSubject: Re: After 2000 years, can we say that Christian Morality is\\n <1r1ko8$6b1@horus.ap.mchp.sni.de>\\n \\n <1r39kh$itp@horus.ap.mchp.sni.de>\\nLines: 63\\n\\nIn article <1r39kh$itp@horus.ap.mchp.sni.de>, frank@D012S658.uucp (Frank\\nO\\'Dwyer) says:\\n>\\n[ . . .]\\n>Specifically, I\\'d like to know what relativism concludes when two\\n>people grotesquely disagree. Is it:\\n>\\n>(a) Both are right\\n>\\n>(b) One of them is wrong, and sometimes (though perhaps rarely) we have a\\n> pretty good idea who it is\\n>\\n>(c) One of them is wrong, but we never have any information as to who, so\\n> we make our best guess if we really must make a decision.\\n>\\n>(d) The idea of a \"right\" moral judgement is meaningless (implying that\\n> whether peace is better than war, e.g., is a meaningless question,\\n> and need not be discussed for it has no correct answer)\\n>\\n>(e) Something else. A short, positive assertion would be nice.\\n>\\n>As I hope you can tell, (b) and (c) are actually predicated on\\n>the assumption that values are real - so statements like these\\n>_can\\'t_ consistently derive from the relativist assumption that values\\n>aren\\'t part of objective reality.\\n\\nI am a relativist who would like to answer your question, but the way you\\nphrase the question makes it unanswerable. The concepts of \"right\"\\nand \"wrong\" (or \"correct/incorrect\" or \"true/false\") belong to the\\ndomain of epistemological rather than moral questions. It makes no\\nsense to ask if a moral position is right or wrong, although it is\\nlegitimate to ask if it is good (or better than another position).\\n\\nLet me illustrate this point by looking at the psychological derivatives\\nof epistemology and ethics: perception and motivation, respectively.\\nOne can certainly ask if a percept is \"right\" (correct, true,\\nveridical) or \"wrong\" (incorrect, false, illusory). But it makes little\\nsense to ask if a motive is true or false. On the other hand, it is\\nstrange to ask whether a percept is morally good or evil, but one can\\ncertainly ask that question about motives.\\n\\nTherefore, your suggested answers (a)-(c) simply can\\'t be considered:\\nthey assume you can judge the correctness of a moral judgment.\\n\\nNow the problem with (d) is that it is double-barrelled: I agree with\\nthe first part (that the \"rightness\" of a moral position is a\\nmeaningless question), for the reasons stated above. But that is\\nirrelevant to the alleged implication (not an implication at all) that\\none cannot feel peace is better than war. I certainly can make\\nvalue judgments (bad, better, best) without asserting the \"correctness\"\\nof the position.\\n\\nSorry for the lengthy dismissal of (a)-(d). My short (e) answer is\\nthat when two individuals grotesquely disagree on a moral issue,\\nneither is right (correct) or wrong (incorrect). They simply hold\\ndifferent moral values (feelings).\\n-----------------------------------\\nJohn A. Johnson (J5J@psuvm.psu.edu)\\nDepartment of Psychology Penn State DuBois Campus 15801\\nPenn State is not responsible for my behavior.\\n\"A ruthless, doctrinaire avoidance of degeneracy is a degeneracy of\\n another sort. Getting drunk and picking up bar-ladies and writing\\n metaphysics is a part of life.\" - from _Lila_ by R. Pirsig\\n',\n", + " \"From: johnson@spectra.com (boyd johnson)\\nSubject: Re: Automotive crash test, performance and maintenance stats?\\nOrganization: Spectragraphics Corporation\\nDistribution: usa\\nLines: 23\\n\\n<\\n\\n\\nI'm beginning to look forward to reaching the %100 allocation of taxes\\nto pay for the interest on the national debt. At that point the\\nfederal government will be will go out of business for lack of funds.\\n\",\n", + " 'From: steerr@h01.UUCP (R. William Steer)\\nSubject: X-server for NT?\\nOrganization: The Internet\\nLines: 8\\nTo: expo.lcs.mit.edu!xpert@tron.bwi\\n\\nHas anybody generated an X server for Windows NT? If so, are you willing\\nto share your config file and other tricks necessary to make it work?\\n\\nThanks for any information.\\n\\nBill Steer\\nWestinghouse\\n(412)374-6367\\n',\n", + " 'Organization: Washington University, St. Louis\\nFrom: Mark Kornbluh \\nTo: NETNEWS@WUVMD\\nSubject: Re: Ray Lankford question...\\nLines: 19\\n\\n>\\n>In article <1993Apr20.165918.16574@mnemosyne.cs.du.edu>,\\n>msilverm@nyx.cs.du.edu\\n>(Mike Silverman) says:\\n>\\n>Does anybody know what is going on with Lankford? I know he was\\n>out for a few games with a slight injury, but since he has\\n>beenback (and before the injury for that matter) he has been\\n>really struggling at the plate and on the basepaths.\\n>\\n>Whereis the Ray Lankford we saw last year???\\n\\nBe patient. He has a sore shoulder from crashing into the wall.\\nThe Cards will give him all the time he needs to come around.\\nHe is their full time centerfielder.\\nHe will not however steal as often this year as he is hitting\\nclean-up.\\n\\nMark Kornbluh.\\n',\n", + " \"From: mmatusev@radford.vak12ed.edu (Melissa N. Matusevich)\\nSubject: Re: HELP ME INJECT...\\nOrganization: Virginia's Public Education Network (Radford)\\nLines: 5\\n\\nAccording to a previous poster, one should seek a doctor's\\nassistance for injections. But what about Sumatriptin [sp?]?\\nDoesn't one have to inject oneself immediately upon the onset\\nof a migraine?\\n\\n\",\n", + " \"From: UC525655@mizzou1.missouri.edu (M.Eaton)\\nSubject: (Q) Way to connect PB 145, IIsi, P LW LS?\\nNntp-Posting-Host: mizzou1.missouri.edu\\nOrganization: University of Missouri\\nLines: 7\\n\\nIs there a way to connect a PowerBook 145, Mac IIsi, and Personal LaserWriter\\nLS so that I can (not necessarily silmultaneoulsy) print from either the IIsi,\\nor PB, and file share between the IIsi and PB?\\nI know I can get the ($expensive$) LW NT upgrade for my LS, but I can't afford\\nthat...\\n \\nThanks, Mark\\n\",\n", + " \"From: hades@coos.dartmouth.edu (Brian V. Hughes)\\nSubject: Re: DESI PB upgrade\\nReply-To: hades@Dartmouth.Edu\\nOrganization: Dartmouth College, Hanover, NH\\nDisclaimer: Personally, I really don't care who you think I speak for.\\nModerator: Rec.Arts.Comics.Info\\nLines: 14\\n\\nDavid_A._Schnider@bmug.org writes:\\n\\n>Does anyone know exactly how Digital Eclipse does their upgrades? Someone was\\n>suggesting to me that some chips may not be able to perform at 33MHz. Is this\\n>true, and if so, how does DESI deal with that?\\n\\n Would you believe that there is a letter in MacWEEK this week from\\none of the hardware types at Digital Eclipse. He says that they run\\ntests on all of the components to see if they will perform at the\\nupgraded speed. If they do not then DESI replaces them with ones that\\ndo.\\n\\n-Hades\\n\\n\",\n", + " 'From: demon@desire.wright.edu (Not a Boomer)\\nSubject: Re: FCUS/HEALTH: The \"Big Secret\"\\nOrganization: ACME Products\\nLines: 24\\nSummary: That should be \"Blue Cross is the government health care insurer\"\\n\\nIn article <9304182100.AA08789@poly.math.cor>, harelb@math.cornell.edu writes:\\n> ******************************************************\\n> \"IT IS A MATTER OF LOGIC that government-run systems are\\n> inefficient, and the fact that the highly bureaucratized private\\n> sector system in the US is vastly more inefficient is therefore\\n> irrelevant. \\n\\n\\tProof that the entire private sector is vastly more inefficient?\\n\\n> It is, for example, of no relevance that Blue Cross\\n> of Massachusetts employs 6680 people, more than are employed in\\n> all of Canada\\'s health programs, which insure 10 times as many\\n> people\"\\n\\n\\tBlue Cross is the government health insurance provider.\\n\\n\\tOops.\\n\\n\\t[Ads for Z magazine deleted to Save the Earth]\\n\\nBrett\\n________________________________________________________________________________\\n\\t\"There\\'s nothing so passionate as a vested interest disguised as an\\nintellectual conviction.\" Sean O\\'Casey in _The White Plague_ by Frank Herbert.\\n',\n", + " 'From: npet@bnr.ca (Nick Pettefar)\\nSubject: Re: Fortune-guzzler barred from bars!\\nNntp-Posting-Host: bmdhh299\\nOrganization: BNR Europe Ltd, Maidenhead, UK\\nX-Newsreader: TIN [version 1.1 PL8]\\nLines: 43\\n\\nDavid Karr, on the Tue, 20 Apr 1993 01:01:01 GMT wibbled:\\n: In article Russell.P.Hughes@dartmouth.edu (Knicker Twister) writes:\\n: >In article <1993Apr19.141959.4057@bnr.ca>\\n: >npet@bnr.ca (Nick Pettefar) writes:\\n: >\\n: >> With regards to the pub brawl, he might have a history of such things.\\n: >> Just because he was a biker doesn\\'t make him out to be a reasonable\\n: >> person. Even the DoD might object to him joining, who knows?\\n\\n: If he had a history of such things, why was it not mentioned in the\\n: article, and why did they present the irrelevant detail of where he\\n: got his drinking money from?\\n\\n: I can\\'t say exactly who is at fault here, but from where I sit is\\n: looks like we\\'re seeing the results either of the law going way out\\n: of hand or of shoddy journalism.\\n\\n: If the law wants to attach strings to how you spend a settlement, they\\n: should put the money in trust. They don\\'t, so I would assume it\\'s\\n: perfectly legitimate to drink it away, though I wouldn\\'t spend it that\\n: way myself.\\n\\n: -- David Karr (karr@cs.cornell.edu)\\n\\nWe heard about this from a newspaper article. Journalists and editors\\nalways pick out the most interesting and sensational \"facts\" for our\\ndelectation. As the editor of the Sun once said: \"We never let the\\nfacts get in the way of a good story\". You must have noticed how\\nmotorcyclists get treated by the press. They thrive on hysteria,\\nignorance, sensationalism and one-upmanship. Unfortunately there\\'s\\nnot enough salt to keep taking a pinch of.\\n\\n--\\n\\nNick (the Cynical Old Biker) DoD 1069 Concise Oxford Leaky New Gearbox\\n\\nM\\'Lud.\\n \\nNick Pettefar, Contractor@Large. /~~~\\\\ \"Teneo tuus intervallum\"\\nCuurrently incarcerated at BNR, {-O^O-} npet@bnr.ca \\'86 BMW K100RS \"Kay\"\\nMaidenhead, The United Kingdom. \\\\ o / Pres. PBWASOH(UK), BS 0002\\n (-)\\n\"Ask not for whom the bell tolls, it tolls for you. It\\'s time to get up\\n',\n", + " \"From: kens@lsid.hp.com (Ken Snyder)\\nSubject: Re: GGRRRrrr!! Cages double-parking motorcycles pisses me off!\\nArticle-I.D.: hpscit.1qkomb$c22\\nDistribution: world\\nOrganization: Hewlett Packard Santa Clara Site\\nLines: 16\\nNNTP-Posting-Host: labkas.lsid.hp.com\\nX-Newsreader: TIN [version 1.1 PL8.10]\\n\\nReading all you folks things to do to illegally parked cars made me\\nwonder who's going to carry cinder blocks on a bike(?!?!?) or is \\nready to do serious damage (key carvings etc.) to a cage. Then I\\nhad an idea--chain lube isn't just for chain's anymore!!! It seems\\nmore reasonable to me, no permanent damage but lots of work to get\\noff! (Don't ask me how I know :) Use it anywhere, the windshield,\\nthe door handles, in the keyhole, etc. What a nasty mood I'm in.\\nIt's raining again...\\n\\n _______________________ K _ E _ N ____________________________\\n| |\\n| Ken Snyder ms/loc: 330 / UN2 |\\n| Hewlett-Packard Co. LSID : Lake Stevens Instrument Div. |\\n| 8600 Soper Hill Road gte/tn: (206) 335-2253 / 335-2253 |\\n| Everett, WA 98205-1298 un-ix : kens@lsid.hp.com |\\n|______________________________________________________________|\\n\",\n", + " \"From: keith@cco.caltech.edu (Keith Allan Schneider)\\nSubject: Re: The Universe and Black Holes, was Re: 2000 years.....\\nOrganization: California Institute of Technology, Pasadena\\nLines: 23\\nNNTP-Posting-Host: punisher.caltech.edu\\n\\nsalem@pangea.Stanford.EDU (Bruce Salem) writes:\\n\\n>Is this Zeno's Paradox?\\n\\nNo. Zeno's paradox is resolved by showing that integration or an infinite\\nseries of decreasing terms can sum to a finite result.\\n\\n>Nothing can get out of a black hole because\\n>the escape velocity is the speed of light. I don't know how time dialation\\n>can prevent matter spiraling in from getting to the event horizon. Can any-\\n>one explain how matter gets in.\\n\\nWell, suppose a probe emitting radiation at a constant frequency was\\nsent towards a black hole. As it got closer to the event horizon, the\\nred shift would keep increasing. The period would get longer and longer,\\nbut it would never stop. An observer would not observe the probe actually\\nreaching the event horizon. The detected energy from the probe would keep\\ndecreasing, but it wouldn't vanish. Exp(-t) never quite reaches zero.\\n\\nI guess the above probably doesn't make things any more clear, but hopefully\\nyou will get the general idea maybe.\\n\\nkeith\\n\",\n", + " 'From: msc_wdqn@jhunix.hcf.jhu.edu (Daniel Q Naiman)\\nSubject: Geometry package\\nOrganization: Homewood Academic Computing, Johns Hopkins University, Baltimore, Md, USA\\nLines: 11\\nDistribution: world\\nNNTP-Posting-Host: jhunix.hcf.jhu.edu\\n\\nI am looking for a package which takes as inputs a set\\nof geometric objects defined by unions of convex polytopes\\nspecified in some manner, say by inequalities and equalities,\\nand determines in some reasonable form things like\\nintersections, unions, etc. etc..\\n\\nDoes anyone know where I can find such a thing?\\n\\nDan Naiman\\nDepartment of Mathematical Sciences\\nJohns Hopkins University\\n',\n", + " \"From: neilson@pmin28.osf.org (Peter Neilson)\\nSubject: Re: solvent for duct-tape adhesive?\\nOrganization: Open Software Foundation\\nLines: 45\\n\\nIn article <1993Apr27.030226.16016@uvm.edu> me170pjd@emba-news.uvm.edu.UUCP (Peter J Demko) writes:\\n>From article <1993Apr27.004240.24401@csi.jpl.nasa.gov>, by eldred@rrunner.jpl.nasa.gov (Dan Eldred):\\n>> In article <1rh9b0INN2r4@snoopy.cis.ufl.edu> ruck@beach.cis.ufl.edu (John Ruckstuhl) writes:\\n>>>I know this is a long shot, but does anyone know what solvent I should \\n>>>use to clean duct-tape adhesive from carpet?\\n>>>Someone taped wires to the carpet, and now it is time to move out.\\n>>>\\n>> I don't know for sure that this will work, but you might try MEK (methyl\\n>> ethyl keytone?). It worked getting the stickum left over from shelf paper,\\n>> and is available at paint stores. Use a carbon gas mask and lots of\\n>> ventilation--this stuff really stinks!\\n>> \\n>> \\t- Dan\\n>> \\n>\\n>For those who don't know, methyl ethyl ketone is more commonly known \\n>as ACETONE and can be found as the major active ingredient in\\n>NAIL POLISH REMOVER. YOUR WIFE'S PROBABLY GOT SOME HANGIN' AROUND....\\n\\nOh dear, time for me to try to remember my chemistry. Let's see if I\\ncan find the formulae somewhere in the dim recesses of my mind.\\n Ha! I knew there was a double bond! Now\\nhow shall I show that in ASCII? \\n\\n MEK: Acetone:\\n\\n C - C - C - C C - C - C\\n # #\\n O O\\n\\nThe hydrogens are not shown, and # represents double bond. MEK has a\\nmethyl (CH3) on one side, and an ethyl (C2H5) on the other. Acetone\\nhas two methyls. So acetone is not methyl ethyl ketone, but instead\\nis dimethyl ketone. Both solvents have similar properties. I think\\nthat MEK may be a little less flammable but a lot worse to breathe.\\nIt's a lot harder to buy MEK than it once was. Use acetone.\\n\\nNail polish remover consists almost entirely of acetone. If you buy\\nsome for your workshop, get the very cheapest, because the more\\nexpensive kind has oils and perfumes that you don't need.\\n-- \\nNothing is so foolish that it has not been posted to some net newsgroup.\\n >>> Peter Neilson --- neilson@osf.org <<<\\nQuote changed daily. If you've seen this one before, burn your calendar.\\n\",\n", + " \"From: welty@cabot.balltown.cma.COM (richard welty)\\nSubject: rec.autos: the Rec.Autos Archive Server \\nKeywords: Monthly Posting\\nReply-To: welty@balltown.cma.com\\nOrganization: New York State Institute for Sebastian Cabot Studies\\nLines: 10\\n\\nArchive-name: rec-autos/part3\\n\\nThe Automotive Articles Archive Server:\\n\\nthe automotive archive server is in the process of being rehosted,\\nand is presently not available.\\n-- \\nrichard welty 518-393-7228 welty@cabot.balltown.cma.com\\n``Nothing good has ever been reported about the full rotation of\\n a race car about either its pitch or roll axis'' -- Carroll Smith\\n\",\n", + " \"From: gritter@cs.purdue.edu (Carl Gritter)\\nSubject: NHL ALLTIME SCORING LEADERS\\nOrganization: Purdue University Department of Computer Sciences\\nLines: 235\\nDistribution: world\\nNNTP-Posting-Host: morgause.cs.purdue.edu\\n\\n\\nHere are the NHL's alltime leaders in goals and points at the end of\\nthe 1992-3 season. Again, much thanks to Joseph Achkar.\\n\\nCarl\\n\\nNotes: An active player is a player that has scored at least one\\npoint the past season. The points leaders follow the goal leaders.\\nIf you find any mistakes, please send me email.\\n-------------------------------------------------------------------\\n\\nAll time NHL leading goal scorers (* denotes active player):\\n\\n 1. Gordie Howe Det-Hfd 801\\n 2. *Wayne Gretzky Edm-LA 765\\n 3. Marcel Dionne Det-LA-NYR 731\\n 4. Phil Esposito Chi-Bos-NYR 717\\n 5. Bobby Hull Chi-Wpg-Hfd 610\\n 6. *Mike Gartner Wsh-Min-NYR 583\\n 7. Mike Bossy NYI 573\\n 8. Guy Lafleur Mtl-NYR-Que 560\\n 9. Johnny Bucyk Det-Bos 556\\n 10. Maurice Richard Mtl 544\\n 11. Stan Mikita Chi 541\\n 12. Frank Mahovlich Tor-Det-Mtl 533\\n 13. *Michel Goulet Que-Chi 532\\n 14. *Jari Kurri Edm-LA 524\\n 15. Bryan Trottier NYI-Pit 520\\n 16. Gilbert Perreault Buf 512\\n 17. Jean Beliveau Mtl 507\\n 18. Lanny McDonald Tor-Col-Cgy 500\\n 19. Jean Ratelle NYR-Bos 491\\n 20. Norm Ullman Det-Tor 490\\n 21. *Dino Ciccarelli Min-Wsh-Det 485\\n 22. Darryl Sittler Tor-Phi-Det 484\\n 23. *Mario Lemieux Pit 477\\n 24. *Glenn Anderson Edm-Tor 459\\n 25. Alex Delvecchio Det 456\\n 26. *Mark Messier Edm-NYR 452\\n 27. *Dale Hawerchuk Wpg-Buf 449\\n 28. Rick Middleton NYR-Bos 448\\n 29. *Steve Yzerman Det 445\\n 30. *Peter Stastny Que-NJ 444\\n 31. Rick Vaive Van-Tor-Chi-Buf 441\\n 32. *Joe Mullen StL-Cgy-Pit 433\\n 33. Yvan Cournoyer Mtl 428\\n 34. *Dave Taylor LA 427\\n 35. Steve Shutt Mtl-LA 424\\n 36. *Denis Savard Chi-Mtl 423\\n 37. Bill Barber Phi 420\\n 38. *Brian Propp Phi-Bos-Min 413\\n 39. Gary Unger Tor-Det-StL-Atl-LA-Edm 413\\n 40. Rod Gilbert NYR 406\\n 41. *Steve Larmer Chi 406\\n 42. *John Ogrodnick Det-Que-NYR 402\\n-----------------------------------------------------------------\\n\\nOther active players:\\n *Bernie Nicholls LA-NYR-Edm-NJ 397\\n *Pat LaFontaine NYI-Buf 386\\n *Brian Bellows Min-Mtl 382\\n *Dave Andreychuk Buf-Tor 373\\n *Tim Kerr Phi-NYR-Hfd 370\\n *Bobby Smith Min-Mtl 357\\n *Brett Hull Cgy-StL 356\\n *Luc Robitaille LA 353\\n *Mike Foligno Det-Buf-Tor 351\\n *Dave Christian Wpg-Wsh-Bos-StL-Chi 340\\n *Paul Coffey Edm-Pit-LA-Det 330\\n *Brent Sutter NYI-Chi 325\\n *Pat Verbeek NJ-Hfd 318\\n *Ron Francis Hfd-Pit 311\\n *Cam Neely Van-Bos 292\\n *Ray Bourque Bos 291\\n *Bob Carpenter Wsh-NYR-LA-Bos-Tor 285\\n *Brent Ashton Van-Col-NJ-Min-Que-Det-Wpg-Bos-Cgy 284\\n *Doug Gilmour Stl-Cgy-Tor 277\\n *Rick Tocchet Phi-Pit 277\\n *Kevin Dineen Hfd-Phi 275\\n *Tomas Sandstrom NYR-LA 273\\n *Dale Hunter Que-Wsh 269\\n *Ryan Walter Wsh-Mtl-Van 264\\n *Brian Mullen Wpg-NYR-SJ-NYI 260\\n *Ed Olczyk Chi-Tor-Wpg-NYR 260\\n *Kirk Muller NJ-Mtl 258\\n *Joe Nieuwendyk Cgy 257\\n *Jimmy Carson LA-Edm-Det 254\\n\\n------------------------------------------------------------------------------\\n\\nAll time NHL scoring leaders (* denotes active player):\\n\\n 1. *Wayne Gretzky Edm-LA 765 1563 2328\\n 2. Gordie Howe Det-Hfd 801 1049 1850\\n 3. Marcel Dionne Det-LA-NYR 731 1040 1771\\n 4. Phil Esposito Chi-Bos-NYR 717 873 1590\\n 5. Stan Mikita Chi 541 926 1467\\n 6. Bryan Trottier NYI-Pit 520 890 1410\\n 7. Johnny Bucyk Det-Bos 556 813 1369\\n 8. Guy Lafleur Mtl-NYR-Que 560 793 1353\\n 9. Gilbert Perreault Buf 512 814 1326\\n 10. Alex Delvecchio Det 456 825 1281\\n 11. Jean Ratelle NYR-Bos 491 776 1267\\n 12. *Mark Messier Edm-NYR 452 780 1232\\n 13. Norm Ullman Det-Tor 490 739 1229\\n 14. *Peter Stastny Que-NJ 444 777 1221\\n 15. Jean Beliveau Mtl 507 712 1219\\n 16. *Dale Hawerchuk Wpg-Buf 449 763 1212\\n 17. Bobby Clarke Phi 358 852 1210\\n 18. *Paul Coffey Edm-Pit-LA-Det 330 871 1201\\n 19. *Denis Savard Chi-Mtl 423 769 1192\\n 20. *Jari Kurri Edm-LA 524 666 1190\\n 21. *Mario Lemieux Pit 477 697 1174\\n 22. Bobby Hull Chi-Wpg-Hfd 610 560 1170\\n 23. Bernie Federko StL 369 761 1130\\n 24. Mike Bossy NYI 573 553 1126\\n 25. *Michel Goulet Que-Chi 532 590 1122\\n 26. Darryl Sittler Tor-Phi-Det 484 637 1121\\n 27. *Mike Gartner Wsh-Min-NYR 583 524 1107\\n 28. Frank Mahovlich Tor-Det-Mtl 533 570 1103\\n 29. *Ray Bourque Bos 291 806 1099\\n 30. *Dave Taylor LA 427 635 1062\\n 31. Denis Potvin NYI 310 742 1052\\n 32. Henri Richard Mtl 358 688 1046\\n 33. *Steve Yzerman Det 445 595 1040\\n 34. *Bobby Smith Min-Mtl 357 679 1036\\n 35. Rod Gilbert NYR 406 615 1021\\n 36. *Glenn Anderson Edm-Tor 459 559 1018\\n 37. Lanny McDonald Tor-Col-Cgy 500 506 1006\\n 38. Rick Middleton NYR-Bos 448 540 988\\n 39. Dave Keon Tor-Hfd 396 590 986\\n 40. *Ron Francis Hfd-Pit 311 675 986\\n 41. *Bernie Nicholls LA-NYR-Edm-NJ 397 580 977\\n 42. *Brian Propp Phi-Bos-Min 413 561 974\\n 43. Andy Bathgate NYR-Tor-Det-Pit 349 624 973\\n 44. Maurice Richard Mtl 544 421 965\\n 45. Larry Robinson Mtl-LA 208 750 958\\n 46. *Dino Ciccarelli Min-Wsh-Det 485 472 957\\n 47. *Steve Larmer Chi 406 517 923\\n 48. *Joe Mullen StL-Cgy-Pit 433 486 919\\n 49. Bobby Orr Bos-Chi 270 645 915\\n 50. Brad Park NYR-Bos-Det 213 683 896\\n 51. Butch Goring LA-NYI-Bos 375 513 888\\n 52. Bill Barber Phi 420 463 883\\n 53. Dennis Maruk Cal-Cle-Wsh-Min 356 521 877\\n 54. Ivan Boldirev Bos-Cal-Chi-Atl-Van-Det 361 505 866\\n 55. Yvan Cournoyer Mtl 428 435 863\\n 56. Dean Prentice NYR-Bos-Det-Pit-Min 391 469 860\\n 57. Ted Lindsay Det-Chi 379 472 851\\n 58. Tom Lysiak Atl-Chi 292 551 843\\n 59. *Dale Hunter Que-Wsh 269 570 839\\n 60. John Tonelli NYI-Cgy-LA-Chi-Que 325 511 836\\n 61. Jacques Lemaire Mtl 366 469 835\\n 62. *Larry Murphy LA-Wsh-Min-Pit 203 631 834\\n 63. *John Ogrodnick Det-Que-NYR 402 425 827\\n 64. *Doug Wilson Chi-SJ 237 590 827\\n 65. *Doug Gilmour Stl-Cgy-Tor 277 548 825\\n 66. Red Kelly Det-Tor 281 542 823\\n 67. Pierre Larouche Pit-Mtl-Hfd-NYR 395 427 822\\n 68. Bernie Geoffrion Mtl-NYR 393 429 822\\n 69. Steve Shutt Mtl-LA 424 393 817\\n 70. *Phil Housley Buf-Wpg 242 575 817\\n 71. Wilf Paiment KC-Col-Tor-Que-NYR-Buf-Pit 356 458 814\\n 72. Peter McNab Buf-Bos-Van-NJ 363 450 813\\n 73. *Brian Bellows Min-Mtl 382 428 810\\n 74. *Dave Andreychuk Buf-Tor 373 436 809\\n 75. Pit Martin Det-Bos-Chi-Van 324 485 809\\n 76. *Pat LaFontaine NYI-Buf 386 421 807\\n 77. Ken Linesman Phi-Edm-Bos 256 551 807\\n 78. Gary Unger Tor-Det-StL-Atl-LA-Edm 413 391 804\\n 79. Ken Hodge,Sr Chi-Bos-NYR 328 472 800\\n 80. *Neal Broten Min 249 547 796\\n 81. Wayne Cashman Bos 277 516 793\\n 82. Rick Vaive Van-Tor-Chi-Buf 441 347 788\\n 83. Borje Salming Tor-Det 150 637 787\\n 84. Jean Pronovost Pit-Atl-Wsh 391 383 774\\n 85. Peter Mahovlich Det-Mtl-Pit 288 485 773\\n 86. *Dave Christian Wpg-Wsh-Bos-StL-Chi 340 430 770\\n 87. Rick Kehoe Tor-Pit 371 396 767\\n 88. Rick MacLeish Phi-Hfd-Pit-Det 349 410 759\\n 89. *Thomas Steen Wpg 240 511 751\\n---------------------------------------------------------------------------\\n\\nOther active players:\\n *Al MacInnis Cgy 185 555 740\\n *Luc Robitaille LA 353 371 724\\n *Mike Foligno Det-Buf-Tor 351 367 718\\n *Brent Sutter NYI-Chi 325 389 714\\n *Mark Howe Hfd-Phi-Det 192 520 712\\n *Kirk Muller NJ-Mtl 258 433 691\\n *Tim Kerr Phi-NYR-Hfd 370 304 674\\n *Adam Oates Det-StL-Bos 167 490 657\\n *Randy Carlyle Tor-Pit-Wpg 148 499 647\\n *Ryan Walter Wsh-Mtl-Van 264 382 646\\n *Pat Verbeek NJ-Hfd 318 313 631\\n *Brent Ashton Van-Col-NJ-Min-Que-Det-Wpg-Bos-Cgy 284 345 629\\n *Bob Carpenter Wsh-NYR-LA-Bos-Tor 285 337 622\\n *Brian Mullen Wpg-NYR-SJ-NYI 260 362 622\\n *Ed Olczyk Chi-Tor-Wpg-NYR 260 358 618\\n *Kelly Kisio Det-NYR-SJ 215 402 617\\n *Brett Hull Cgy-StL 356 247 603\\n *Rick Tocchet Phi-Pit 277 324 601\\n *Dan Quinn Cgy-Pit-Van-StL-Phi-Min 232 367 599\\n *Scott Stevens Wsh-StL-NJ 132 462 594\\n *Tomas Sandstrom NYR-LA 273 320 593\\n *Tom Fergus Bos-Tor-Van 235 346 581\\n *Dave Babych Wpg-Hfd-Van 120 460 580\\n *Mike Ridley NYR-Wsh 230 348 578\\n *Laurie Boschman Tor-Edm-Wpg-NJ-Ott 225 350 575\\n *Keith Acton Mtl-Min-Edm-Phi 224 350 574\\n *Murray Craven Det-Phi-Hfd 205 365 570\\n *Kevin Dineen Hfd-Phi 275 290 565\\n *Rob Ramage Col-StL-Cgy-Tor-Min-TB 139 423 562\\n *Mike Krushelnyski Bos-Edm-LA-Tor 234 319 553\\n *Gary Suter Cgy 124 428 552\\n *Pierre Turgeon Buf-NYI 218 324 542\\n *Troy Murray Chi-Wpg 217 324 541\\n *Cam Neely Van-Bos 292 241 533\\n *Geoff Courtnall Bos-Edm-Wsh-StL-Van 246 274 520\\n *Vincent Damphousse Tor-Edm-Mtl 195 320 515\\n *Jimmy Carson LA-Edm-Det 254 259 513\\n *Peter Zezel Phi-StL-Wsh-Tor 182 328 510\\n *Guy Carbonneau Mtl 207 302 509\\n *Mark Osborne Det-NYR-Tor-Wpg 202 301 503\\n *Chris Chelios Mtl-Chi 108 394 502\\n *Dave Poulin Phi-Bos 195 301 496\\n *Ray Ferraro Hfd-NYI 230 263 493\\n *Russ Courtnall Tor-Mtl-Min 208 284 492\\n *Joe Nieuwendyk Cgy 257 234 491\\n *John MacLean NJ 241 248 489\\n-- \\n\\n\\n\\n\\n\",\n", + " 'From: dwex@cbnewsj.cb.att.com (david.e.wexelblat)\\nSubject: Re: Dell 2.2 EISA Video Cards\\nOrganization: AT&T\\nLines: 25\\n\\n[This belongs in comp.windows.x.i386unix - I\\'ve redirected followups]\\n\\nIn article larry@gator.rn.com (Larry Snyder) writes:\\n> Does XFree86 support any EISA video cards under Dell 2.2?\\n> -- \\n> Larry Snyder \\n> larry@gator.rn.com\\n\\nI know for a fact that the EISA version of the Orchid ProDesigner IIS\\nworks. However, an EISA SVGA card is likely a waste of money.\\n\\nWhen XFree86 2.0 comes out, with support for accelerated chipsets, ISA,\\nEISA, and VLB will all be supported.\\n\\nThe more important question is \"what chipsets are supported?\". The bus\\nis basically irrelevent as a compatibility issue.\\n\\n--\\nDavid Wexelblat (908) 957-5871 Fax: (908) 957-5627\\nAT&T Bell Laboratories, 200 Laurel Ave - 3F-428, Middletown, NJ 07748\\n\\nXFree86 requests should be addressed to \\n\\n\"Love is like oxygen. You get too much, you get too high. Not enough and\\n you\\'re gonna die.\" -- Sweet, Love Is Like Oxygen\\n',\n", + " 'From: gibsonm@cs.arizona.edu (Matthew H Gibson)\\nSubject: WIN 3.1 comm drivers replacements (question)\\nOrganization: U of Arizona CS Dept, Tucson\\nLines: 14\\n\\n\\nHas anyone had any experience with a replacement comm driver for windows\\ncalled TurboComm. I read about it in PCMag Apr 23 1993 and am interested\\nbut not willing to shell out the 45 bucks the company wants just to try it\\nout. It supposedly eleminates the problems that occur during a high speed\\nfile transfer and a disk access made by another program running at the same\\ntime. If anyone has any pro/cons about this product, i would be very inter\\nested to hear them. Please Email at the address give below. THANKS.\\n\\nMatthew Gibson\\ngibsonm@cs.arizona.edu\\n.\\n\\n\\n',\n", + " 'From: dwf@kepler.unh.edu (Dennis W Fitanides)\\nSubject: Counterpoint SA-12 Tube power amp\\nOrganization: University of New Hampshire - Durham, NH\\nLines: 10\\nDistribution: usa\\nNNTP-Posting-Host: kepler.unh.edu\\n\\nCounterpoint SA-12\\n\\n85watts per channel\\nvery very warm tube sound, great for warming up CDs\\nExcellent shape\\n\\nAsking $650\\nThanks\\nTom Nezwek\\n\\n',\n", + " 'From: servalan@access.digex.com (Servalan)\\nSubject: Re: Screw the people, crypto is for hard-core hackers & spooks only\\nOrganization: Express Access Online Communications USA\\nLines: 38\\nNNTP-Posting-Host: access.digex.net\\n\\nIn article <1993Apr22.223906.25929@lehman.com> pmetzger@snark.shearson.com (Perry E. Metzger) writes:\\n>Qualcomm had spare cycles in the DSPs for their new CDMA digital\\n>cellular phones. They wanted to put strong crypto into them since they\\n>had the capacity. The government decided to \"discourage\" them.\\n\\nYou\\'re blowing smoke. Qualcomm wants to sell to nice, lucrative overseas\\nmarkets like Japan and the EC. The government told them \"don\\'t do encryption\\nif you ever hope to export this technology\". The reason that CDMA doesn\\'t\\nhave encryption is NOT because the G-men came a\\'knocking at Qualcomm\\'s door.\\nIt\\'s because Qualcomm doesn\\'t think that the US market for digital cellular\\nis big enough for them. This is just the International Traffic in Arms\\nRegulations all over again.\\n\\nIf you don\\'t believe me, call Qualcomm and ASK THEM. Don\\'t just throw\\nout conspicracy theories. At least, don\\'t do it on sci.crypt--there are\\nwhole other newsgroups devoted to this kind of uninformed claptrap.\\n\\n>any \"normal\" company trying to put one out will likely get a visit\\n>from the boys in the dark suits from Washington, just like Qualcomm\\n>did. I suspect that companies like Cylink are tolerated because their\\n>products are too expensive.\\n\\nHah. They\\'re not that much more expensive. Besides, if a drug dealer\\ncan afford a Rolex and a Mercedes, he can darn well afford Cylink phones.\\nNo, Cylink sells their phones because they\\'re willing to make different\\nstuff for domestic use vs. export. Qualcomm isn\\'t. So Cylink makes\\nmoney--that\\'s capitalism, comrade.\\n\\n>Someone out there WILL build a unit to do all this. Better yet,\\n>prehaps someone will produce a package that turns any 486 box with a\\n>sound card into a secure phone.\\n\\n\"Someone\" this and \"someone\" that. If you think it\\'s so easy, why are\\nyou whining on the net instead of getting your butt in gear and writing\\nit? Your name would become known and loved by dozens! But no, that would\\nrequire actual EFFORT.\\n\\n\\t\\t\\t\\t\\t-= Servalan =-\\n',\n", + " 'From: dewinter@prl.philips.nl (Rob de Winter)\\nSubject: WANTED: Address SYMANTEC\\nOriginator: dewinter@prl.philips.nl\\nOrganization: Philips Research Laboratories, Eindhoven, The Netherlands\\nLines: 17\\n\\nI am looking for the exact address of the Symantec Coporatoin, which \\ndistributes Norton Desktop and other Windows software.\\n\\nThe information I am looking for is:\\n\\nMail address\\nPhone number\\nFax number\\nE-mail address\\n\\nThanks in advance.\\n\\n-- \\n*** Nothing beats skiing, if you want to have real fun during holidays. ***\\n*** Rob de Winter Philips Research, IST/IT, Building WL-1 ***\\n*** P.O. Box 80000, 5600 JA Eindhoven. The Netherlands ***\\n*** Tel: +31 40 743621 E-mail: dewinter@prl.philips.nl ***\\n',\n", + " \"From: dino@inqmind.bison.mb.ca (Tony stewart)\\nSubject: Re: Making up odd resistor values required by filters\\nOrganization: The Inquiring Mind BBS 1 204 488-1607\\nLines: 29\\n\\nidh@nessie.mcc.ac.uk (Ian Hawkins) writes:\\n\\n> When constructing active filters, odd values of resistor are often required \\n> (i.e. something like a 3.14 K Ohm resistor).(It seems best to choose common \\n> capacitor values and cope with the strange resistances then demanded).\\n> \\n> Is there a PD program out there that will work out how best to make up such\\n> a resistance, given fixed resistors of the standard 12 values per decade?.(1,\\n> 1.2,1.5,1.8,2.2,3.3 etc ). It is a common enough problem, yet I cant \\n> recall seing a program that tells that Rx+Ry//Rz gives Rq, starting with \\n> q and finding prefered values x,y and z.\\n> \\n> \\n> \\t\\t\\tCheers\\n> \\t\\t\\t\\tIan H \\n> \\n\\nWHen trying to choose a resistor with a tolerance better than 1%, you \\nneed a trimmer or to screen devices, it can't be made from adding 2 \\nresitors of 1% value in parallel, since the smaller device will have the \\nerror of 1% to cope with. \\nYou have 3 choices;\\na) live with the error of 1% tolerance devices for low Q circuits or low \\nsensitivity designs\\nb) buy resistors with better than 1% tolerance (Vishay/Dale)\\nc) use trimmers or SOT's (Select-On-Test)\\n\\ndino@inqmind.bison.mb.ca\\nThe Inquiring Mind BBS, Winnipeg, Manitoba 204 488-1607\\n\",\n", + " \"From: jfox@hooksett.East.Sun.COM (John Fox - SunExpress IR)\\nSubject: Re: Jeep Grand vs. Toyota 4-Runner\\nOrganization: Sun Microsystems, Inc.\\nLines: 54\\nDistribution: world\\nReply-To: jfox@hooksett.East.Sun.COM\\nNNTP-Posting-Host: hooksett.east.sun.com\\n\\nIn article IGw@world.std.com, edwards@world.std.com (Jonathan Edwards) writes:\\n>I am considering buying one of these two vehicles (new).\\n>I want a fun-to-drive family vehicle that can go through anything.\\n>The Jeep is very popular, and has the features. All-Wheel-Drive, 4 wheel\\n>anti-lock, roomy passenger cabin (but limited cargo with an internal spare).\\n>THe Toyota is an aging design with only part-time 4-wheel and only rear\\n>anti-lock (and no anti-lock in 4WD!). It also has a very inconvenient\\n>rear gate, not to mention awkward ingress to the passenger cabin.\\n>\\n\\nAny reason you are limited to the two mentioned? They aren't really at\\nthe same point along the SUV spectrum - not to mention price range.\\nHow about the Explorer, Trooper, Blazer, Montero, and if the budget\\nallows, the Land Cruiser? \\nBear in mind that 90% of all SUV's purchased never venture off-road.\\nCarefully weigh the trade-off between comfort and off-road performance\\nwhen choosing one, and realistically decide whether you'll actually\\nmake enough use of the off-road-ability to sacrifice (some of) the\\non-road comfort.\\n\\n\\n\\nJohn\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nJohn\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\",\n", + " \"From: goykhman@apollo.hp.com (Red Herring)\\nSubject: Re: Welcome to Police State USA\\nNntp-Posting-Host: dzoo.ch.apollo.hp.com\\nOrganization: Hewlett-Packard Company, Chelmsford, MA\\nLines: 14\\n\\nIn article azoghlin@uxa.cso.uiuc.edu (Very Old Freshman (VOF)) writes:\\n>Critisism is too easy. What solutions do people have that would have been\\n>better than what the FBI had been doing for the last few months?\\n\\n Anything but...\\n\\n Bill Clinton and Janett Reno should not have started the whole\\n shenanigan in the first place.\\n\\n\\n-- \\n------------------------------------------------------------------------------------------\\nDisclaimer: Opinions expressed are mine, not my employer's.\\n------------------------------------------------------------------------------------------\\n\",\n", + " 'From: feeley@cattell.psych.upenn.edu (Wm. Michael Feeley)\\nSubject: Clipper and conference calls\\nOrganization: University of Pennsylvania\\nLines: 5\\nNntp-Posting-Host: cattell.psych.upenn.edu\\n\\nJust curious, how would the Clipper Chip system handle\\nconference calls?\\n\\n\\n\\n',\n", + " \"From: gwalker@rtfm.mlb.fl.us (Grayson Walker)\\nSubject: Re: Questions about insurance companies (esp. Geico)\\nKeywords: boycott GEICO \\nOrganization: A.S.I. \\nDistribution: usa\\nLines: 35\\n\\nIn article keys@starchild.ncsl.nist.gov (Lawrence B. Keys) writes:\\n>In article jmh@hopper.Virginia.EDU (Jeffrey Hoffmeister) writes:\\n>>In article <1993Apr21.171811.25933@julian.uwo.ca> wlsmith@valve.heart.rri.uwo.ca (Wayne Smith) writes:\\n>>>\\n>>>In article <66758@mimsy.umd.edu> davew@cs.umd.edu (David G. Wonnacott) writes:\\n>>>>I'm considering switching to Geico insurance, but have heard that\\n>>>>they do not assign a specific agent for each policy or claim. I was\\n>>>>worried that this might be a real pain when you make a claim. I have\\n>>>>also heard that they try to get rid of you if you have an accident.\\n>>>\\nDon't worry about this -- they'll drop you like a hot potato after you do\\n make a claim. They'll just make filing the claim a pain, but it will end\\n when they leave you in the lurch.\\n\\n>>>I've read in this group that Geico has funded the purchasing of radar\\n>>>guns by police depts (I'm not sure where).\\nMore than that. GEICO funded the company that developed LIDAR. When locals \\n showed a reluctance to BUY the units, GEICO started giving them away. I\\n know they've given units to the Florida Highway Patrol, County Sheriff's a\\n and some local governments.\\nThe real question is why? This is the hook. GEICO, and other Ins. Co.s can\\n tell which drivers represent risk. This is a determination they can make\\n AFTER YOU receive a speeding ticket from one of GEICO's LIDAR units. Most\\n drivers do not represent increased risk even after a ticket or two, but \\n this gives them the opportunity to RAISE RATES FOR EQUAL RISK. It's called\\n extra profits. They also know how silly the NSL is, and how it is almost\\n universally ignored. Driving in excess of the NSL gets you a ticket, an\\n increase in your rates, points on your license --- but it doesn't make you\\n a riskier driver to insure.\\nLike the sound of this? Like the people who thought up the scheme? Go GEICO!\\n\\nUnless you have some driving history problems, you're usually better to go\\nwith one of the major companies and stay there. You'll get long term customer\\ndiscounts on your premiums. Now, about the % of your premium that is paid as\\ncommission. That's another story for another day.\\n\",\n", + " 'From: fist@iscp.bellcore.com (Richard Pierson)\\nSubject: Re: Observation re: helmets\\nNntp-Posting-Host: foxtrot.iscp.bellcore.com\\nOrganization: Bellcore\\nDistribution: usa\\nLines: 40\\n\\nIn article <211353@mavenry.altcit.eskimo.com>,\\nmaven@mavenry.altcit.eskimo.com (Norman Hamer) writes:\\n|> \\n|> Grf. Dropped my Shoei RF-200 off the seat of my bike while trying to\\n|> rock \\n|> it onto it\\'s centerstand, chipped the heck out of the paint on it...\\n|> \\n|> So I cheerfully spent $.59 on a bottle of testor\\'s model paint and \\n|> repainted the scratches and chips for 20 minutes.\\n|> \\n|> The question for the day is re: passenger helmets, if you don\\'t know\\n|> for \\n|> certain who\\'s gonna ride with you (like say you meet them at a ....\\n|> church \\n|> meeting, yeah, that\\'s the ticket)... What are some guidelines? Should\\n|> I just \\n|> pick up another shoei in my size to have a backup helmet (XL), or\\n|> should I \\n|> maybe get an inexpensive one of a smaller size to accomodate my\\n|> likely \\n|> passenger? \\n\\n My rule of thumb is \"Don\\'t give rides to people that wear\\na bigger helmet than you\", unless your taste runs that way,\\nor they are family.friends.\\nGee, reminds me of a *dancer* in Hull, just over the river \\nfrom Ottowa, that I saw a few years ago, for her I would a\\nbought a bigger helmet (or even her own bike) or anything \\nelse she wanted ;->\\n-- \\n##########################################################\\nThere are only two types of ships in the NAVY; SUBMARINES \\n and TARGETS !!!\\n#1/XS1100LH\\tDoD #956 #2 Next raise\\nRichard Pierson E06584 vnet: [908] 699-6063\\nInternet: fist@iscp.bellcore.com,|| UUNET:uunet!bcr!fist \\n#include My opinions are my own!!!\\nI Don\\'t shop in malls, I BUY my jeans, jackets and ammo\\nin the same store.\\n\\n',\n", + " 'From: simon@dcs.warwick.ac.uk (Simon Clippingdale)\\nSubject: Re: islamic authority over women\\nNntp-Posting-Host: nin\\nOrganization: Department of Computer Science, Warwick University, England\\nLines: 49\\n\\nIn article <1993Apr5.023044.19580@ultb.isc.rit.edu> snm6394@ultb.isc.rit.edu (S.N. Mozumder ) writes:\\n\\n> One thing that relates is among Navy men that get tatoos that say \"Mom\",\\n> because of the love of their mom. It makes for more virile men.\\n> Compare that with how homos are raised. Do a study and you will get my\\n> point.\\n\\nOh, Bobby. You\\'re priceless. Did I ever tell you that?\\n\\nMy policy with Bobby\\'s posts, should anyone give a damn, is to flick\\nthrough the thread at high speed, searching for posts of Bobby\\'s which\\nhave generated a whole pile of followups, then go in and extract the\\nhilarious quote inevitably present for .sig purposes. Works for me.\\n\\nFor the guy who said he\\'s just arrived, and asked whether Bobby\\'s for real,\\nyou betcha. Welcome to alt.atheism, and rest assured that it gets worse.\\nI have a few pearls of wisdom from Bobby which I reproduce below. Is anyone\\n(Keith?) keeping a big file of such stuff?\\n\\n \"In Allah\\'s infinite wisdom, the universe was created from nothing,\\n just by saying \"Be\", and it became. Therefore Allah exists.\"\\n --- Bobby Mozumder proving the existence of Allah, #1\\n\\n \"Wait. You just said that humans are rarely reasonable. Doesn\\'t that\\n contradict atheism, where everything is explained through logic and\\n reason? This is THE contradiction in atheism that proves it false.\"\\n --- Bobby Mozumder proving the existence of Allah, #2\\n\\n \"Plus, to the believer, it would be contradictory\\n to the Quran for Allah not to exist.\"\\n --- Bobby Mozumder proving the existence of Allah, #3\\n\\nand now\\n\\n \"One thing that relates is among Navy men that get tatoos that say \"Mom\",\\n because of the love of their mom. It makes for more virile men. Compare\\n that with how homos are raised. Do a study and you will get my point.\"\\n -- Bobby Mozumder being Islamically Rigorous on alt.atheism\\n\\nMmmmm. Quality *and* quantity from the New Voice of Islam (pbuh).\\n\\nCheers\\n\\nSimon\\n-- \\nSimon Clippingdale simon@dcs.warwick.ac.uk\\nDepartment of Computer Science Tel (+44) 203 523296\\nUniversity of Warwick FAX (+44) 203 525714\\nCoventry CV4 7AL, U.K.\\n',\n", + " 'From: rvenkate@ux4.cso.uiuc.edu (Ravikuma Venkateswar)\\nSubject: Re: x86 ~= 680x0 ?? (How do they compare?)\\nDistribution: usa\\nOrganization: University of Illinois at Urbana\\nLines: 59\\n\\nray@netcom.com (Ray Fischer) writes:\\n\\n>dhk@ubbpc.uucp (Dave Kitabjian) writes ...\\n>>I\\'m sure Intel and Motorola are competing neck-and-neck for \\n>>crunch-power, but for a given clock speed, how do we rank the\\n>>following (from 1st to 6th):\\n>> 486\\t\\t68040\\n>> 386\\t\\t68030\\n>> 286\\t\\t68020\\n\\n>040 486 030 386 020 286\\n\\nHow about some numbers here? Some kind of benchmark?\\nIf you want, let me start it - 486DX2-66 - 32 SPECint92, 16 SPECfp92 .\\n\\n>>While you\\'re at it, where will the following fit into the list:\\n>> 68060\\n>> Pentium\\n>> PowerPC\\n\\n>060 fastest, then Pentium, with the first versions of the PowerPC\\n>somewhere in the vicinity.\\n\\nNumbers? Pentium @66MHz - 65 SPECint92, 57 SPECfp92 .\\n\\t PowerPC @66MHz - 50 SPECint92, 80 SPECfp92 . (Note this is the 601)\\n (Alpha @150MHz - 74 SPECint92,126 SPECfp92 - just for comparison)\\n\\n>>And about clock speed: Does doubling the clock speed double the\\n>>overall processor speed? And fill in the __\\'s below:\\n>> 68030 @ __ MHz = 68040 @ __ MHz\\n\\n>No. Computer speed is only partly dependent of processor/clock speed.\\n>Memory system speed play a large role as does video system speed and\\n>I/O speed. As processor clock rates go up, the speed of the memory\\n>system becomes the greatest factor in the overall system speed. If\\n>you have a 50MHz processor, it can be reading another word from memory\\n>every 20ns. Sure, you can put all 20ns memory in your computer, but\\n>it will cost 10 times as much as the slower 80ns SIMMs.\\n\\nNot in a clock-doubled system. There isn\\'t a doubling in performance, but\\nit _is_ quite significant. Maybe about a 70% increase in performance.\\n\\nBesides, for 0 wait state performance, you\\'d need a cache anyway. I mean,\\nwho uses a processor that runs at the speed of 80ns SIMMs? Note that this\\nmemory speed corresponds to a clock speed of 12.5 MHz.\\n\\n>And roughly, the 68040 is twice as fast at a given clock\\n>speed as is the 68030.\\n\\nNumbers?\\n\\n>-- \\n>Ray Fischer \"Convictions are more dangerous enemies of truth\\n>ray@netcom.com than lies.\" -- Friedrich Nietzsche\\n-- \\nRavikumar Venkateswar\\nrvenkate@uiuc.edu\\n\\nA pun is a no\\' blessed form of whit.\\n',\n", + " 'From: pharvey@quack.kfu.com (Paul Harvey)\\nSubject: Re: After 2000 years, can we say that Christian Morality is oxymoronic\\nKeywords: ... and blessed are aluminium siding salesman ...\\nOrganization: The Duck Pond public unix: +1 408 249 9630, log in as \\'guest\\'.\\n\\t<1qkna8$k@fido.asd.sgi.com> \\n\\t<930416.140529.9M1.rusnews.w165w@mantis.co.uk>\\nLines: 19\\n\\nIn article <930416.140529.9M1.rusnews.w165w@mantis.co.uk> \\nmathew@mantis.co.uk (mathew) writes:\\n>livesey@solntze.wpd.sgi.com (Jon Livesey) writes:\\n>>Not, of course, The Greatest Salesman in the World. That was Jesus, wasn\\'t it?\\n>No, J.R. \"Bob\" Dobbs.\\n\\nDefinitely, J.R. \"Bob\" Dobbs, numero uno, top dog, not one can touch, not\\none can knock Bob out of the box. Bob kills me mon! Everyday!\\n\\nBut close El Segundo (el subliminal) is the infamous Paul (birthname Saul) the\\nEvangeline who became famous as a result of his numerous trampoline act \\ntours of the eastern Mediterranean.\\n\\nJesus on the other hand was duped, a pawn of the Con, fell pray to the\\nHolywood Paradox (ain\\'t nothing but a sign in the hills!). Like many\\nAfro-Asians, Jesus found the earth all too pink! And to think that after\\nhis death, the Con changed him into a tall blond Holywood sun god! And I \\ndo mean that in the kindest way possums! Now Jesus does gigs with Hendrix, \\nJoplin, Morrison, Lennon, Marley, Tosh, etc. Mostly ska beat jah-know!\\n',\n", + " 'From: robinson@cogsci.Berkeley.EDU (Michael Robinson)\\nSubject: Krypto cables (was Re: Cobra Locks)\\nOrganization: Institute of Cognitive Studies, U.C. Berkeley\\nLines: 51\\nDistribution: usa\\nNNTP-Posting-Host: cogsci.berkeley.edu\\n\\nIn article <1993Apr20.184432.21485@research.nj.nec.com> behanna@syl.nj.nec.com (Chris BeHanna) writes:\\n>\\tFor the same money, you can get a Kryptonite cable lock, which is\\n>anywhere from 1/2\" to 7/8\" thick steel cable (looks like steel rope), shielded\\n>in a flexible covering to protect your bike\\'s finish, and has a barrel-type\\n>locking mechanism. I don\\'t know if it\\'s adjustable, but my source says it\\'s\\n>more difficult to pick than most locks, and the cable tends to squish flat\\n>in bolt-cutter jaws rather than shear (5/8\" model).\\n>\\n>\\tFYI, I\\'ll be getting a Krypto cable next paycheck.\\n\\nA word of warning, though: Kryptonite also sells almost useless cable\\nlocks under the Kryptonite name.\\n\\nWhen I obtained my second motorcycle, I migrated one of my Kryptonite \\nU-locks from my bicycle to the new bike. I then went out shopping for\\na new lock for the bicycle.\\n\\nFor about the same money ($20) I had the choice of a Kryptonite cable lock\\n(advantages: lock front and back wheels on bicycle and keep them both,\\nKryptonite name) or a cheesy no-name U-lock (advantages: real steel).\\nI chose the Kryptonite cable. After less than a week, I took it back in\\ndisgust and exchanged it for the cheesy no-name U-lock.\\n\\nFirst, the Krypto cable I bought is not made by Kryptonite, is not covered by\\nthe Kryptonite guarantee, and doesn\\'t even approach Kryptonite standards of\\nquality and quality assurance. It is just some generic made-in-Taiwan cable\\nlock with the Kryptonite name on it.\\n\\nSecondly, the latch engagement mechanism is something of a joke. I\\ndon\\'t know if mine was a particularly poor example, but it was often\\nquite frustrating to get the latch to positively engage, and sometimes\\nit would seem to engage, only to fall open when I went to unlock it.\\n\\nThirdly, the lock has a little plastic door on the keyway which serves\\nthe sole purpose of frustrating any attempt to insert the key in the \\ndark. I didn\\'t try it (obviously), but I have my doubts that the \\nlock mechanism would stand up to an \"insert screwdriver and TORQUE\"\\nattack.\\n\\nFourthly, the cable was not, in my opinion, of sufficient thickness to \\ndeter theft (for my piece of crap bicycle, that is). All cables suffer the\\nweakness that they can be cut a few strands at a time. If you are patient\\nyou can cut cables with fingernail clippers. Aviation snips would go \\nthrough the cable in well under a minute.\\n\\n\\n\\n-- \\n ----------------------------------------------------------------------------\\n Michael Robinson UUCP: ucbvax!cogsci!robinson\\n INTERNET: robinson@cogsci.berkeley.edu\\n',\n", + " 'From: franjion@spot.Colorado.EDU (John Franjione)\\nSubject: Re: Relative value of players\\nNntp-Posting-Host: spot.colorado.edu\\nOrganization: University of Colorado, Boulder\\nLines: 43\\n\\nkime@mongoose.torolab.ibm.com (Edward Kim) writes:\\n\\n>It is doubtful that the blue jays would have won the AL east without Morris.\\n>Last year, when the team went 13-15 for the month of August, and all the \\n>other starters were being shelled, and Milwaukee was making a charge,\\n>Morris went 5-1 with a pretty good era (I can\\'t remember exactly).\\n>Also, let\\'s not underestimate the importance his 240+ innings to save \\n>the bullpen every fifth day. If he didn\\'t help us win the AL east, forget\\n>about the pennent and the world series.\\n\\n>His run support was high (5.98 runs) but so was Stottlemyer\\'s (5.90 runs)\\n>and he won only 12 games. I do remember Morris winning an inordinate number of\\n>6-5 and 8-6 ballgames, but this is to his credit. He pitched only as good\\n>as he needed to be. When he was up 6-1 in a ballgame, he just put it in cruise\\n>control and threw the ball up there and let the batters \"get themseleves out\"\\n>(I hate this expression!). An inexperienced pitcher would wear himself out \\n>trying to make perfect pitches to keep his era down. But Morris, being a \\n>veteran pitcher, knows that winning is the only thing that really matters in\\n>baseball. By saving himself, he was able to reach back for that little extra\\n>(I hate this too!) when the game was on the line.\\n\\nI don\\'t buy this at all. I think things are colored to a very large\\ndegree of preconceived notions of who the players involved are. Try\\nthis exercise:\\n\\nXXX is pitching today. His team scores 4 in the first inning, and 3\\nin the fourth. XXX gives up 0 in the 1st through 4th. In the fifth,\\nhe gives up 3 runs. In the 6th, he gives up 2 more. The score is now\\n7-5, with XXX\\'s team still on top.\\n\\nI contend that if XXX were Jack Morris, the assessment would be \"he is\\na gutty veteran who pitches only as well as he has to to win.\"\\n\\nIf XXX were Mike Trmbley, the assessment would be \"he is an\\ninexperienced rookie who doesn\\'t know how to pitch. Needs more\\nseasoning. Send him to AAA. Or to the spice rack.\"\\n\\n\\n-- \\nJohn Franjione\\nDepartment of Chemical Engineering\\nUniversity of Colorado, Boulder\\nfranjion@spot.colorado.edu\\n',\n", + " \"From: buzz@apple.com (Steve Bollinger)\\nSubject: Re: Stereo sound problem (?) on mac games\\nOrganization: Apple Computer, Inc.\\nLines: 68\\n\\nIn article Ingemar Ragnemalm, ingemar@isy.liu.se\\nwrites:\\n>>Enter game developers. The sound driver and current sound manager are\\n>>inconveniently lame for making games.\\n>\\n>The Sound Driver is pretty ok, since it's fast. Sound Manager used by the\\n>book is *useless*. Disposing of sound channels as soon as sound has\\ncompleted\\n>is out of the question for games with smooth animation. (It's too slow.)\\n\\nWhy would you dispose a channel if you are going to play more\\nsounds soon? If you are trying to write a game, you shouldn't\\nbe using SndPlay. Instead, make a channel and use BufferCmds\\nto play sounds on it. It works great. You can add CallBacks to\\nthe channel also to let you know when the channel is getting\\nempty. Before it gets empty.\\n\\n>\\n>The Sound Driver is so much snappier than Sound Manager. Unfortunately,\\n>System 7 supports it poorly, making programs crash occasionally.\\n>\\n>>The moral of the story is to developers: DON'T CHEAT!\\n>\\n>Well, I want my code to work on old systems too. I don't know about sys\\n7.1,\\n>but at least on 6.0.7, there are bugs in the Sound Manager that causes\\n>channels to hang (with no error message). This happends when I keep a\\n>channel open for long periods - necessary for performance - and play many\\n>sounds, stopping sounds halfway. Callbacks seems not to be reliable.\\n>Then only way I can safely tell if a sound has stopped playing is to\\n>inspect private variables in the channel (QHead, I think it was), and the\\n>only way I have found to tell if a channel is hung is to inspect an\\n>*undocumented* flag and modify it.\\n\\nCallbacks are very reliable, I found them 100% reliable, even\\nunder System 4.1. I was doing continuous background sound with\\ninterrupting sound effects on System 6.0 with the IM-V\\ndocumentation.\\n\\nYou probably were cancelling your callback commands out of\\nyour channels, of course you didn't get called. In general, if\\nyou have problems with sounds working when you play one per\\nchannel and then close the channel (with the related\\nslowdown), but then when you play more than one you don't\\nwork, then you are adding more than one synthesizer to a\\nchannel, possibly the same one multiple times. This might be\\nbecause you are calling SndPlay on a preexisting channel with\\na sound resource which adds the sampled sound synthesizer to\\nthe channel first thing before it plays. Most sampled sounds\\nhave this command at the start of them. You need to resedit\\nthe sound and remove that command, then when you create your\\nchannel, specify the sampled sound synthesizer to be the\\nchannel's synth. Then you can use asynch sndplay's all you\\nwant. You'll probably want to switch to BufferCmd's, since you\\nare going to have to use SndDoCommand anyway to add callbacks.\\n\\nNow before you go ahead and tell me I am full of it, and the\\nsound manager doesn't work for games, remember, Spectre uses\\nit. And it works great. If Spectre can spare the CPU time, you\\ncan too.\\n\\nOne little disclaimer: There are some out there who say the\\nSound Manager in the IIsi can't be made to work right. I'm not\\nsure either way, but I know for sure that you can make your\\nsounds work 100% correctly on every other machine using the\\nSound Manager.\\n\\n-Steve\\n\",\n", + " 'From: dotzlaw@ccu.umanitoba.ca (Helmut Dotzlaw)\\nSubject: Anti-aliasing utility wanted\\nNntp-Posting-Host: murphy.biochem.umanitoba.ca\\nOrganization: University of Manitoba\\nLines: 10\\n\\nI am currently using POVRay on Mac and was wondering if anyone in netland\\nknows of public domain anti-aliasing utilities so that I can skip this step\\nin POV, very slow on this machine. Any suggestions, opinions about\\npost-trace anti-aliasing would be greatly appreciated.\\n\\n Helmut Dotzlaw\\nDept. of Biochemistry and Molecular Biology\\n University of Manitoba\\n Winnipeg, Canada\\n dotzlaw@ccu.umanitoba.ca\\n',\n", + " 'From: walter@uni-koblenz.de (Walter Hower)\\nSubject: Re: PARAMETRIC/VARIATIONAL DESIGN\\nOrganization: University of Koblenz, Germany\\nLines: 149\\nNNTP-Posting-Host: wolf.uni-koblenz.de\\nIn-reply-to: patel@enuxha.eas.asu.edu\\'s message of Wed, 28 Apr 1993 18:15:40 GMT\\n\\nHere now some initial references; best regards - Walter.\\n@InProceedings{Keirouz:et:al:90,\\n author = \\t\"Walid Keirouz and Jahir Pabon and Robert Young\",\\n title = \\t\"{Integrating parametric geometry, features, and\\n\\t\\t variational modeling for conceptual design}\",\\n booktitle = \\t\"International Conference on Design Theory and Methodology\",\\n year = \\t\"1990\",\\n editor = \\t\"{J.\\\\ R.}\\\\ Rinderle\",\\n pages = \\t\"1--9\",\\n organization = \\t\"American Society of Mechanical Engineers (ASME)\",\\n OPTpublisher = \\t\"\",\\n OPTaddress = \\t\"\",\\n OPTmonth = \\t\"\",\\n note = \\t\"Proceedings\"\\n}\\n\\n\\n@InProceedings{Yamaguchi:Kimura:90,\\n author = \\t\"Yasushi Yamaguchi and Fumihiko Kimura\",\\n title = \\t\"{A constraint modeling system for variational geometry}\",\\n booktitle = \\t\"{Geometric modeling for product engineering}\",\\n year = \\t\"1990\",\\n editor = \\t\"{Michael J.}\\\\ Wozny and {J.\\\\ U.}\\\\ Turner and {K.}\\\\ Preiss\",\\n pages = \\t\"221--233\",\\n organization = \\t\"IFIP\",\\n publisher = \\t\"Elsevier Science Publishers B.V.\\\\ (North-Holland),\\n\\t\\t Amsterdam, The Netherlands\",\\n OPTaddress = \\t\"\",\\n OPTmonth = \\t\"\",\\n note = \\t\"Selected and Expanded Papers form the IFIP WG 5.2/NSF\\n\\t\\t Working Conference on Geometric Modeling, Rensselaerville, NY, U.S.A.,\\n\\t\\t 18--22 September 1988\"\\n}\\n\\n@InProceedings{Chung:et:al:88,\\n author = \\t\"{Jack C.\\\\ H.}\\\\ Chung and {Joseph W.}\\\\ Klahs\\n\\t\\t and {Robert L.}\\\\ Cook and Thijs Sluiter\",\\n title = \\t\"{Implementation issues in variational geometry and\\n\\t\\t constraint management}\",\\n booktitle = \\t\"Third International Conference on\\n CAD/CAM, Robotics and Factories of the Future (CARS and FOF\\'88)\",\\n year = \\t\"1988\",\\n OPTeditor = \\t\"\",\\n OPTpages = \\t\"\",\\n OPTorganization = \\t\"\",\\n OPTpublisher = \\t\"\",\\n address = \\t\"Detroit, Michigan, USA\",\\n month = \\t\" August 14--17,\",\\n note = \\t\"Proceedings, probably: Springer-Verlag,\\n\\t\\t Berlin/Heidelberg, 1989\"\\n}\\n\\n@Article{Kimura:et:al:86,\\n author = \\t\"Fumihiko Kimura and Hiromasa Suzuki and Toshio Sata\",\\n title = \\t\"{Variational Product Design by Constraint Propagation\\n\\t\\t and Satisfaction in Product Modelling}\",\\n journal = \\t\"Annals of the CIRP\",\\n year = \\t\"1986\",\\n volume = \\t\"35\",\\n number = \\t\"1\",\\n pages = \\t\"75--78\",\\n OPTmonth = \\t\"\",\\n note = \\t\"(probably) International Institution for Production Engineering Research\"\\n}\\n\\n@Article{Kimura:et:al:87,\\n author = \\t\"{F.}\\\\ Kimura and {H.}\\\\ Suzuki and {H.}\\\\ Ando and {T.}\\\\ Sato and\\n\\t\\t {A.}\\\\ Kinosada\",\\n title = \\t\"{Variational Geometry Based on Logical Constraints\\n\\t\\t and its Applications to Product Modelling}\",\\n journal = \\t\"Annals of the CIRP\",\\n year = \\t\"1987\",\\n volume = \\t\"36\",\\n number = \\t\"1\",\\n pages = \\t\"65--68\",\\n\\n@InProceedings{Chung:Schussel:89,\\n author = \\t\"{Jack C.H.}\\\\ Chung and {Martin D.}\\\\ Schussel\",\\n title = \\t\"{Comparison of Variational and Parametric Design}\",\\n booktitle = \\t\"Autofact \\'89\",\\n year = \\t\"1989\",\\n OPTeditor = \\t\"\",\\n pages = \\t\"5-27 -- 5-44\",\\n OPTorganization = \\t\"\",\\n OPTpublisher = \\t\"\",\\n address = \\t\"Detroit, Michigan, USA\",\\n month = \\t\"October 30 -- November 2,\",\\n note = \\t\"Conference Proceedings\"\\n}\\n\\n\\n@Article{Pabon:et:al:92,\\n author = \\t\"Jahir Pabon and Robert Young and Walid Keirouz\",\\n title = \\t\"{Integrating Parametric Geometry, Features, and\\n\\t\\t Variational Modeling for Conceptual Design}\",\\n journal = \\t\"International Journal of Systems Automation: Research\\n\\t\\t and Applications (SARA)\",\\n year = \\t\"1992\",\\n volume = \\t\"2\",\\n OPTnumber = \\t\"\",\\n pages = \\t\"17--36\",\\n OPTmonth = \\t\"\",\\n OPTnote = \\t\"\"\\n}\\n\\n@Article{Kondo:90,\\n author = \\t\"Koichi Kondo\",\\n title = \\t\"{PIGMOD: parametric and interactive geometric\\n\\t\\t modeller for mechanical design}\",\\n journal = \\t\"CAD, computer-aided design\",\\n year = \\t\"1990\",\\n volume = \\t\"22\",\\n number = \\t\"10\",\\n pages = \\t\"633--644\",\\n month = \\t\"december\",\\n note = \\t\"Butterworth-Heinemann Ltd\"\\n}\\n\\n\\n@InProceedings{Zalik:et:al:92a,\\n author = \\t\"Borut {\\\\v{Z}}alik and Nikola Guid and Aleksander Vesel\",\\n title = \\t\"{Parametric Design Using Constraint Description Graph}\", \\n booktitle = \\t\"CAD \\'92, Neue Konzepte zur Realisierung\\n\\t\\t anwendungsorientierter CAD-Systeme\",\\n year = \\t\"1992\",\\n editor = \\t\"{Frank-Lothar} Krause and Detlev Ruland and Helmut Jansen\",\\n pages = \\t\"329--344\",\\n OPTorganization = \\t\"\",\\n publisher = \\t\"Informatik aktuell, Springer-Verlag, Berlin/Heidelberg\",\\n OPTaddress = \\t\"\",\\n month = \\t\"14./15.\\\\ Mai\",\\n note = \\t\"GI-Fachtagung, Berlin\"\\n}\\n\\n\\n@InProceedings{Murtagh:Shimura:90,\\n author = \\t\"Niall Murtagh and Masamichi Shimura\",\\n title = \\t\"{Parametric Engineering Design Using Constraint-Based Reasoning}\",\\n booktitle = \\t\"AAAI-90, Eighth National Conference on Artificial Intelligence\",\\n year = \\t\"1990\",\\n OPTeditor = \\t\"\",\\n pages = \\t\"505--510\",\\n organization = \\t\"American Association for Artificial Intelligence\",\\n publisher = \\t\"Proceedings, Volume One, AAAI Press, Menlo Park, CA, U.S.A.\",\\n address = \\t\"Boston, MA\",\\n month = \\t\"July 29 -- August 3,\",\\n OPTnote = \\t\"\"\\n}\\n\\n',\n", + " 'From: dbd@urartu.sdpa.org (David Davidian)\\nSubject: Re: Public Service Translation No.2\\nKeywords: effective Greek & Armenian postings\\nOrganization: S.D.P.A. Center for Regional Studies\\nLines: 36\\n\\nIn article <93332@hydra.gatech.EDU> gt1091a@prism.gatech.EDU (gt1091a gt1091a\\nKAAN,TIMUCIN) wrote:\\n\\n[KAAN] Who the hell is this guy David Davidian. I think he talks too much..\\n\\nI am your alter-ego!\\n\\n[KAAN] Yo , DAVID you would better shut the f... up.. O.K ??\\n\\nNo, its\\' not OK! What are you going to do? Come and get me? \\n\\n[KAAN] I don\\'t like your attitute. You are full of lies and shit. \\n\\nIn the United States we refer to it as Freedom of Speech. If you don\\'t like \\nwhat I write either prove me wrong, shut up, or simply fade away! \\n\\n[KAAN] Didn\\'t you hear the saying \"DON\\'T MESS WITH A TURC!!\"...\\n\\nNo. Why do you ask? What are you going to do? Are you going to submit me to\\nbodily harm? Are you going to kill me? Are you going to torture me?\\n\\n[KAAN] See ya in hell..\\n\\nWrong again!\\n\\n[KAAN] Timucin.\\n\\nAll I did was to translate a few lines from Turkish into English. If it was\\nso embarrassing in Turkish, it shouldn\\'t have been written in the first place!\\nDon\\'t kill the messenger!\\n\\n-- \\nDavid Davidian dbd@urartu.sdpa.org | \"How do we explain Turkish troops on\\nS.D.P.A. Center for Regional Studies | the Armenian border, when we can\\'t \\nP.O. Box 382761 | even explain 1915?\" \\nCambridge, MA 02238 | Turkish MP, March 1992 \\n',\n", + " \"From: rogue@ccs.northeastern.edu (Free Radical)\\nSubject: Re: Once tapped, your code is no good any more.\\nNntp-Posting-Host: damon.ccs.northeastern.edu\\nOrganization: College of CS, Northeastern U\\nDistribution: alt\\nLines: 21\\n\\nIn article \\nholland@CS.ColoState.EDU (douglas craig holland) writes: \\n[...]\\n>\\tWith E-Mail, if they can't break your PGP encryption, they'll just\\n>call up one of their TEMPEST trucks and read the electromagnetic emmisions\\n>from your computer or terminal. Note that measures to protect yourself from\\n>TEMPEST surveillance are still classified, as far as I know.\\n\\nI don't know about classified, but I do seem to remember that unless\\nyou're authorized by the Govt, it's illegal to TEMPEST-shield your\\nequipment. Besides, effective TEMPEST-shielding is much more\\ndifficult than you might think (hi Jim!).\\n\\n\\tRA\\n\\nrogue@cs.neu.edu (Rogue Agent/SoD!)\\n-----------------------------------\\nThe NSA is now funding research not only in cryptography, but in all areas\\nof advanced mathematics. If you'd like a circular describing these new\\nresearch opportunities, just pick up your phone, call your mother, and\\nask for one.\\n\",\n", + " \"From: bart@splunge.uucp (Barton Oleksy)\\nSubject: Re: Oilers for sale??\\nOrganization: Ashley, Howland & Wood\\nLines: 16\\n\\nyadalle@cs.UAlberta.CA (Yadallee Dave S) writes:\\n\\n>Here's one from the mill. The Oilers MIGHT move to Hamilton\\n>where Porklington can get a free deal.\\n\\n>Given what Labour relations and Puck has been like, it WOULD be a sigh of \\n>relief.\\n\\n>This WAY w4e can can BOTH elements!!\\n\\nWell, Dave, I would have to disagree with you there. Satan himself could\\nown the team, and I'd be happy as long as the Oilers stayed in Edmonton.\\nSelfish, but true. I don't want to see the Oilers move, no matter who\\ntheir owner is.\\n\\nBart, bart@splunge.uucp or barto@nait.ab.ca\\n\",\n", + " \"From: gardner@convex.com (Steve Gardner)\\nSubject: Re: The Escrow Database.\\nNntp-Posting-Host: imagine.convex.com\\nOrganization: Engineering, CONVEX Computer Corp., Richardson, Tx., USA\\nX-Disclaimer: This message was written by a user at CONVEX Computer\\n Corp. The opinions expressed are those of the user and\\n not necessarily those of CONVEX.\\nLines: 12\\n\\nIn article strnlght@netcom.com (David Sternlight) writes:\\n>>After the Waco Massacre and the Big Brother Wiretap Chip, any tactic\\n>>is fair.\\n>\\n>This is pernicious nonsense!\\n\\tIn what way David? Our government is totally out of control,\\n\\twhether you realize it or not. I know you find it painful to\\n\\tthink of your old buddy Uncle Sam as evil but it's true. Other\\n\\tdemocracies have fallen before. Ours is on its way and knee-jerk\\n\\tsheep that instinctively trust government are helping it slide.\\n\\tPower corrupts David, why is that so hard to understand?\\n\\n\",\n", + " 'From: queloz@bernina.ethz.ch (Ronald Queloz)\\nSubject: Hypercard for UNIX\\nOrganization: Swiss Federal Institute of Technology (ETH), Zurich, CH\\nLines: 10\\n\\nHi netlanders,\\n\\nDoes anybody know if there is something like Macintosh Hypercard for any UNIX \\nplatform?\\n\\n\\nThanks in advance\\n\\n\\nRon.\\n',\n", + " 'From: dgf1@ellis.uchicago.edu (David Farley)\\nSubject: Re: Photoshop for Windows\\nReply-To: dgf1@midway.uchicago.edu\\nOrganization: University of Chicago\\nLines: 37\\n\\nIn article <1r85m2$k66@agate.berkeley.edu> aron@tikal.ced.berkeley.edu (Aron Bonar) writes:\\n>In article <1993Apr22.011720.28958@midway.uchicago.edu>, dgf1@quads.uchicago.edu (David Farley) writes:\\n>|> In article beaver@rot.qc.ca (Andre Boivert) writes:\\n>|> >\\n>|> >\\n>|> >I am looking for comments from people who have used/heard about PhotoShop\\n>|> >for Windows. Is it good? How does it compare to the Mac version? Is there\\n>|> >a lot of bugs (I heard the Windows version needs \"fine-tuning)?\\n>|> >\\n>|> >Any comments would be greatly appreciated..\\n>|> >\\n>|> >Thank you.\\n>|> >\\n>|> >Andre Boisvert\\n>|> >beaver@rot.qc.ca\\n>|> >\\n>|> An review of both the Mac and Windows versions in either PC Week or Info\\n>|> World this week, said that the Windows version was considerably slower\\n>|> than the Mac. A more useful comparison would have been between PhotoStyler\\n>|> and PhotoShop for Windows. David\\n>|> \\n>\\n>I don\\'t know about that...I\\'ve used Photoshop 2.5 on both a 486dx-50 and a Quadra\\n>950...I\\'d say they are roughly equal. If anything the 486 was faster.\\n>\\n>Both systems were running in 24 bit color and had the same amount of RAM (16 megs)\\n>I also believe the quadra had one of those photoshop accelerators.\\n\\nI went back and looked at the review again. They claim there were\\nsignificant differences in manipulating a 27 meg test file, but with\\nsmaller files, the two platforms were the about the same. David\\n\\n-- \\nDavid Farley The University of Chicago Library\\n312 702-3426 1100 East 57th Street, JRL-210\\ndgf1@midway.uchicago.edu Chicago, Illinois 60637\\n\\n',\n", + " 'From: dwayne@stratsft.uucp (Dwayne Bailey)\\nSubject: Need help identifying Serial board\\nOrganization: Strategic Software, Redford, Michigan\\nLines: 26\\n\\nI need some help with a multi port serial board of unknown origin. I\\'m\\nhoping someone knows what this board is, or, even better, what the various\\nswitches and jumbers are used for.\\n\\nAnyway, here\\'s description of the card: It is a 16-bit card, although\\nI noticed that none of the contacts in the 16-bit extension are connected\\nto anything. It has 4 NS16550AN chips in sockets, and 4 corresponding\\nconnecters labeled COM1 - COM4. There is also an external female connector\\nwith 37 pins. There are 8 banks of 8 switches, 2 banks of 4 switches, and\\n7 jumpers. I believe that I have determined, by following traces, that\\nSW5 and SW6 (12 switches in all) control the interrupt level for each of\\nthe COM ports. SW5[1-4] are for IRQ3, SW5[5-8] are for IRQ4, and SW6[1-4]\\nare for IRQ5. The other switches are beyond my meager ability to follow.\\n\\t \\nThe only identification printed on the board is \"MULTI SERIAL PORT BOARD\"\\nacross the bottom. There is a box for serial number, but it is blank.\\nImmediately below the words \"SERIAL NO\", but not in the box left for\\nthe S/N, are the numbers \"1990 2 8\".\\n\\nAnyone have any clues? Your help is greatly appreciated.\\n\\n-- \\ndwayne@stratsft.UUCP + \"We have ways to make you scream.\" \\nDwayne Bailey + -- Intel advertisement,\\nStrategic Software + in the June 1989 Doctor Dobbs Journal\\nRedford, Michigan + \\n',\n", + " \"From: tclock@orion.oac.uci.edu (Tim Clock)\\nSubject: Re: Egypt call for fighting fundamentalists, objects to pro-Bosnian steps\\nNntp-Posting-Host: orion.oac.uci.edu\\nOrganization: University of California, Irvine\\nKeywords: international, united nations, government, non-usa government, \\tfighting\\nLines: 14\\n\\nIn article <1993Apr29.021345.22510@ucsu.Colorado.EDU> barrak@rintintin.Colorado.EDU (Mohammed F. Hadi) writes:\\n>In article benali@alcor.concordia.ca ( ILYESS B. BDIRA ) writes:\\n>> >>\\tISLAMABAD (UPI) -- Representatives from 51 Islamic nations were\\n>> >>considering Tuesday a request from Bosnia-Herzegovina for $260 million\\n>> >>and weapons to fight the Bosnian Serbs.\\n\\nAll right! Let's hope they get off their rear ends and do something\\nbecause the UN clearly is content to sit on its.\\n\\n--\\nTim Clock Ph.D./Graduate student\\nUCI tel#: 714,8565361 Department of Politics and Society\\n fax#: 714,8568441 University of California - Irvine\\nHome tel#: 714,8563446 Irvine, CA 92717\\n\",\n", + " \"From: tlod_ss@uhura.cc.rochester.edu (Thede Loder)\\nSubject: CD's for Sale\\nNntp-Posting-Host: uhura.cc.rochester.edu\\nOrganization: University of Rochester - Rochester, New York\\nDistribution: usa\\nLines: 21\\n\\nI have the following CD's that I'd like to sell:\\n\\n\\tM.O.D. \\tGross Misconduct\\n\\tMetal Giants\\t(at early metal compilation including Aerosmith,\\t\\t\\t\\tMountain, Blue Oyster Cult, Judus Priest, etc.)\\n\\tMetal Church \\tBlessings in Disguise (excellent)\\n\\tSlayer \\t\\tHell Awaits\\n\\tAnthrax \\tAmong the Living\\n\\tWhiplash\\tPower and Pain\\n\\tDream Theater\\tImages and Words (Pull me under)\\n\\tExodus\\t\\tFabulous Disaster (Heavy)\\n\\tDeath Angel \\tThe Ultra Violence (hard to find)\\n\\nAll CD's are in excellent condition (no scratches or skips). After\\nchecking several similar articles, it seems the going rate is $8. Hence\\nCD's are $8.00 postage paid. Please e-mail me if you are interested,\\nas I rarely read these groups. I'll ship asap after receiving cash, check\\nor money order. e-mail me for my snail-mail address.\\n\\ntlod_ss@uhura.cc.rochester.edu \\nRochester, NY\\n\\n\",\n", + " 'From: thierry@curlie.UUCP (Thierry Lach)\\nSubject: Re: Who is Henry Spencer anyway?\\nReply-To: thierry@curlie.UUCP (Thierry Lach)\\nOrganization: None at all\\nLines: 32\\n\\ncam@hawk.adied.oz.au (The Master) writes:\\n\\n> etoyoc@leland.Stanford.EDU (aaron thode) writes:\\n> \\n> >Having tracked sci.space for quite a while, I have some questions\\n> >about a mysterious figure called Henry Spencer. If there is anything\\n> >going on in the space community, he seems to know it. \\n> >\\tThe questions are somewhat tounge-in-cheek:\\n> >\\t1) Is sci.space a hobby or a job for you?\\n> >\\t1) Do you ever eat or sleep?\\n> >\\t3) Does U of Toronto Zoology department conduct space research? \\n> >\\tOr do you just use an account there?\\n> >Just curious.\\n> \\n> >Aaron\\n> \\n> Well, Henry Spencer is *also* responsible for parts of Cnews, and other\\n> internet related things.\\n> \\n> Quite a guy. :)\\n> \\n> Onya Henry!\\n> \\n> c.\\n> \\nThis question comes up frequently enough that there should be a faq\\nabout it...\\n\\n============================================================================\\nThierry Lach curlie!thierry@sycom.mi.org\\n#include \"std.disclaimer\"\\n\"Sufficiently superior technology is indistingushable from magic\"\\n',\n", + " 'From: wilkins@scubed.com (Darin Wilkins)\\nSubject: Re: A Message for you Mr. President: How do you know what happened?\\nKeywords: Success\\nNntp-Posting-Host: renoir\\nOrganization: S-CUBED, A Division of Maxwell Labs; San Diego CA\\nLines: 38\\n\\n>In article tbrent@ecn.purdue.edu (Timothy J Brent) writes:\\n>>If you check the news today, (AP) the \"authorities also found a state-of-the-art\\n>>automatic machine gun that investigators did not know was in the cult\\'s arsenal.\"\\n>>[Carl Stern, Justice Department]\\n\\nIn article <1r7hmlINNc6@mojo.eng.umd.edu> russotto@eng.umd.edu (Matthew T. Russotto) writes:\\n>Yeah. In a fire that reportedly burned hotter than 1000 degrees-- hot\\n>enough to make the bodies still unidentifiable-- the authorities found\\n>a gun that was recognizably fully-automatic and state of the art.\\n>Isn\\'t that CONVEEEENIENT?\\n\\nConvenient? It seems very appropriate that this is cross-posted to\\nalt.conspiracy.\\n\\nAssuming the most favorable interpretation of your \\'1000 degree\\'\\nmeasurement (that the temperature is in Centigrade, rather than the\\nmore common -in the US- Fahrenheit), you are still laboring under at\\nleast 2 misconceptions:\\n\\n1. You seem to believe that steel melts somewhere around 1000 C.\\n Actually, the melting point of most iron alloys (and steels are\\n iron alloys) is in the neighborhood of 1400 C. Even if the gun\\n were found in area which achieved the 1000 C temperature, the steel\\n parts of the gun would not be deformed, and it would still be\\n trivial to identify the nature of the weapon.\\n\\n2. A fire is not an isothermal process. There are \\'hot\\' spots and\\n \\'cold\\' spots, though \\'cold\\' is purely a relative term. So the\\n weapon was not necessarily situated in a hot spot, as you seem to\\n imply. And, even if it was, so what? It would not have melted\\n anyway.\\n\\ndarin\\nwilkins@scubed.com\\n________________________________\\n| |\\n| I will be President for food |\\n|______________________________|\\n',\n", + " 'Subject: Re: Space Research Spin Off\\nFrom: shafer@rigel.dfrf.nasa.gov (Mary Shafer)\\n t> <1993Apr2.213917.1@aurora.alaska.edu><1pnuke$idn@access.digex.net> \\n \\nOrganization: NASA Dryden, Edwards, Cal.\\nIn-Reply-To: pgf@srl03.cacs.usl.edu\\'s message of Tue, 6 Apr 1993 02:19:59 GMT\\nLines: 64\\n\\nOn Tue, 6 Apr 1993 02:19:59 GMT, pgf@srl03.cacs.usl.edu (Phil G. Fraering) said:\\n\\nPhil> shafer@rigel.dfrf.nasa.gov (Mary Shafer) writes:\\n\\n>On 4 Apr 1993 20:31:10 -0400, prb@access.digex.com (Pat) said:\\n\\n>Pat> In article <1993Apr2.213917.1@aurora.alaska.edu> Pat>\\n>nsmca@aurora.alaska.edu writes: >Question is can someone give me 10\\n>examples of direct NASA/Space related >research that helped humanity\\n>in general? It will be interesting to see..\\n\\n>Pat> TANG :-) Mylar I think. I think they also pushed Hi Tech Pat>\\n>Composites for airframes. Look at Fly by Wire.\\n\\n>Swept wings--if you fly in airliners you\\'ve reaped the benefits.\\n\\nPhil> Didn\\'t one of the early jet fighters have these? I also think\\nPhil> the germans did some work on these in WWII.\\n\\nThe NACA came up with them before World War II. NASA is directly\\ndescended from the NACA, with space added in.\\n\\nYou\\'ll notice that I didn\\'t mention sweep wings even though the\\nX-5, tested at what\\'s now Dryden, had them. We did steal that one\\ndirctly from the Germans. The difference is that swept wings don\\'t\\nchange their angle of sweep, sweep wings do. Perhaps the similarity\\nof names has caused some confusion? 747s have swept wings, F-111s\\nhave sweep wings.\\n\\n>Winglets. Area ruling. Digital fly by wire. Ride smoothing.\\n\\nPhil> A lot of this was also done by the military...\\n\\nAfter NASA aerodynamicists proposed them and NASA test teams\\ndemonstrated them. Richard Whitcomb and R.T. Jones, at Langley\\nResearch Center, were giants in the field.\\n\\nDryden was involved in the flight testing of winglets and area\\nruling (in the 70s and 50s, respectively). It\\'s true that we\\nused military aircraft as the testbeds (KC-135 and YF-102) but\\nthat had more to do with availability and need than with military\\ninvolvement. The YF-102 was completely ours and the KC-135 was\\nbailed to us. The Air Force, of course, was interested in our\\nresults and supportive of our efforts.\\n\\nDryden flew the first digital fly by wire aircraft in the 70s. No\\nmechnaical or analog backup, to show you how confident we were.\\nGeneral Dynamics decided to make the F-16 flyby-wire when they saw how\\nsuccessful we were. (Mind you, the Avro Arrow and the X-15 were both\\nfly-by-wire aircraft much earlier, but analog.)\\n\\nPhil> Egad! I\\'m disagreeing with Mary Shafer! \\n\\nThe NASA habit of acquiring second-hand military aircraft and using\\nthem for testbeds can make things kind of confusing. On the other\\nhand, all those second-hand Navy planes give our test pilots a chance\\nto fold the wings--something most pilots at Edwards Air Force Base\\ncan\\'t do.\\n\\n\\n--\\nMary Shafer DoD #0362 KotFR NASA Dryden Flight Research Facility, Edwards, CA\\nshafer@rigel.dfrf.nasa.gov Of course I don\\'t speak for NASA\\n \"A MiG at your six is better than no MiG at all.\" Unknown US fighter pilot\\n',\n", + " \"From: umfu0009@ccu.umanitoba.ca (J. M. K. Fu)\\nSubject: Re: Tie Breaker....(Isles and Devils)\\nNntp-Posting-Host: data.cc.umanitoba.ca\\nOrganization: University of Manitoba, Winnipeg, Canada\\nLines: 21\\n\\nIn wangr@vccsouth22.its.rpi.edu ( Rex Wang ) writes:\\n\\n>\\tAre people here stupid or what??? It is a tie breaker, of cause they\\n>have to have the same record. How can people be sooooo stuppid to put win as\\n>first in the list for tie breaker??? If it is a tie breaker, how can there be\\n>different record???? Man, I thought people in this net are good with hockey.\\n>I might not be great in Math, but tell me how can two teams ahve the same points\\n>with different record??? Man...retard!!!!!! Can't believe people actually put\\n>win as first in a tie breaker......\\n\\nWhy not? I believe both the Devils and Islanders got 87 points.\\nSay for example, another team had this record : 20-37-47;\\nthey had 20*2+47*1+37*0=87 which is the same as their points total.\\n(The Islanders' and Devils' records are both 40-37-7.\\n\\nIt is simple arithmetics and involve no Calculus.\\n\\n\\nJohn.\\n(a computer science graduate who pretends to be a mathematican)\\n\\n\",\n", + " 'From: jagrant@emr1.emr.ca (John Grant)\\nSubject: Re: head-to-head win and os/2\\nOrganization: Energy, Mines, and Resources, Ottawa\\nLines: 32\\n\\nIn article <1993May15.030210.4755@ccsvax.sfasu.edu> z_shererrg@ccsvax.sfasu.edu writes:\\n>After hearing endless debate (READ: name-calling) over which os is better, dos\\n>and windows or OS/2 and finally having enought resourses to play with a couple\\n>of different operating systems, I have decided to put the two products to a\\n>head to head test, as so many fellow newsposters have suggested. I have, \\n>however, no desire whatsoever to use a version of os/2 which wont REALLY\\n>do what it says (i.e. run windows apps) OS/2 2.0-2.1 will not run windows\\n>apps in 386 enhansed mode, something that most larger windows apps require, but\\n>OS/2 2.2, which is supposed to be in beta test, is supposed to. I have heard\\n>that os/2 2.2 beta is available via ftp, and I was wondering if anyone knew\\n>where to obtain a copy. I would appreciate any information, as I would like, \\n>once and for all, to establish for myself which is the best os for my needs.\\n\\n\\tI don\\'t think the question is:\\n\\t\\t\"will OS/2 X.X run Windows Y.Y apps now?\"\\n\\n\\tA more important question is:\\n\\t\\t\"will subsequent OS/2 versions continue to run apps\\n\\t\\tfrom subsequent Windows versions in the future?\"\\n\\n\\tCan it keep up? Will a future OS/2 3.0 run Windows 4 apps?\\n\\tOLE2 is very complex and is the sign of things to come.\\n\\tAfter this fall, I believe IBM no longer has any rights to\\n\\tview Microsoft code. After that, the only way to maintain\\n\\tsome sort of compatibility is to reverse-engineer. Would\\n\\tyou want to reverse-engineer an OLE2 application?\\n\\n\\n-- \\nJohn A. Grant\\t\\t\\t\\t\\t\\tjagrant@emr1.emr.ca\\nAirborne Geophysics\\nGeological Survey of Canada, Ottawa\\n',\n", + " \"From: darndt@nic.gac.edu (David Arndt)\\nSubject: Johnny Hart's (B.C. comic strip) mailing address?\\nOrganization: Gustavus Adolphus College\\nLines: 17\\n\\nSubject pretty much says it all - I'm looking for Johnny Hart's (creator\\nof the B.C. comic stip) mailing address.\\n\\nFor those of you who haven't seen them, take a look at his strips for Good\\nFriday and Easter Sunday. Remarkable witness!\\n\\nIf anyone can help me get in touch with him, I'd really appreciate it! \\nI've contacted the paper that carries his strip and -- they'll get back to\\nme with it!\\n\\nThanks for your help,\\n\\nDave Arndt\\nSt. Peter's Evangelical Lutheran Church\\nSt. Peter, MN 56082\\n\\ndarndt@nic.gac.edu\\n\",\n", + " \"From: cobra@chopin.udel.edu (KING COBRA)\\nSubject: Re: ESPN\\nNntp-Posting-Host: chopin.udel.edu\\nOrganization: University of Delaware\\nLines: 32\\n\\nIn article <1993Apr23.134038.17094@sei.cmu.edu> sad@sei.cmu.edu (Susan Dart) writes:\\n>\\n>If ESPN pisses you off, call them - they do respond to calls. Last night I\\n>called when they said they were cutting to baseball and we couldn't see the\\n>sudden-death overtime for the BUffalo game. Apparently they received enough\\n>calls so they waited for the overtime to finish before cutting away.\\n>\\n>Their phone number is 203-585-2000\\n>\\n>Susan Dart\\n\\n\\n Well I think whenever ESPN covers the game they do a wonderful job. But\\n what I don't understand is that they cut the OT just show some stupid\\n baseball news which is not important at all. Then I waited for the scores\\n to comeon Sportscenter, but they talk about Baseball, basketball and \\n football. Then they showed Penguine highlight and went back to stupid\\n basketball. Finally they showed a highlight of the OT goal but that\\n was like 30 sec. I think they should give more attention to NHl during\\n the playoffs then talking about boring basketball games..\\n\\n I guess it is NHL's fault too for leaving ESPN. Hope things improve\\n by next season...\\n\\n COBRA\\n\\n\\n-- \\n\\n\\n*******************************************************************************\\n** ___ ____ ____ ____ ____ ** **\\n\",\n", + " 'From: sknapp@iastate.edu (Steven M. Knapp)\\nSubject: Re: Radar detector DETECTORS?\\nOrganization: Iowa State University, Ames, IA\\nLines: 16\\n\\nIn article oxenreid@chaos.cs.umn.edu () writes:\\n>In <1993Apr06.173031.9793@vdoe386.vak12ed.edu> ragee@vdoe386.vak12ed.edu (Randy Agee) writes:\\n>\\n>>So, the questions are -\\n\\n>> Are any brands \"quieter\" than others?\\n\\nYes some radar detectors are less detectable by radar detector\\ndetectors. ;-)\\n\\nLook in Car and Driver (last 6 months should do), they had a big\\nreview of the \"better\" detectors, and stealth was a factor.\\n________________________________________________________________________ \\nSteven M. Knapp Computer Engineering Student\\nsknapp@iastate.edu President Cyclone Amateur Radio Club\\nIowa State University; Ames, IA; USA Durham Center Operations Staff\\n',\n", + " 'From: eliot@lanmola.engr.washington.edu (eliot)\\nSubject: Re: Lexus and Infiniti\\nOrganization: skulls \\'r us\\nLines: 18\\nNNTP-Posting-Host: lanmola.engr.washington.edu\\n\\nIn article <1993Apr23.105438.3245@msus1.msus.edu> w00026@TIGGER.STCLOUD.MSUS.EDU writes:\\n>First off, the correct spelling of Nissan\\'s luxury automobile division\\n>is \"Infiniti\" not \"Infinity.\"\\n\\nwho cares about typos of these meaningless, synthetic names? if the\\ncars were named after a person, e.g. honda, i\\'d be more respectful.\\n\\n>Lexus:\\n> GS300- V6\\n> ES300- V6\\n> SC300- V6\\n\\nwrong! the GS300 and SC300 use straight sixes, while the ES300 uses a\\nV6. only a giant like toyota can afford to have both a V6 and inline\\n6 in its lineup, but that won\\'t last for long.\\n\\n\\neliot\\n',\n", + " 'From: dyoung@media.mit.edu (David Young)\\nSubject: Macro Recorder/Player for X?\\nOrganization: MIT Media Laboratory\\nLines: 18\\n\\n\\n\\nIs there aything available for X similar to QuicKeys for the Macintosh --\\nsomething that will allow me to store and playback sequences of keystrokes,\\nmenu selections, and mouse actions - directing them towards another\\napplication?\\n\\nIf so, could someone send me information on its availability -- and if not,\\nhow hard do we think it might be to send input to other X applications and,\\nhopefully, deal with their responses appropriately? (If an application is\\ngoing to take a few seconds to process I probably have to wait for it to\\ncomplete before sending another command.)\\n\\nthanks,\\n\\ndavid,\\n\\n\\n',\n", + " \"From: me170pjd@emba-news.uvm.edu.UUCP (Peter J Demko)\\nSubject: Re: Removing battery corrosion\\nOriginator: me170pjd@morris.emba.uvm.edu\\nOrganization: University of Vermont -- Division of EMBA Computer Facility\\nLines: 8\\n\\nFrom article <1993Apr25.201129.1239@Princeton.EDU>, by fuchs@tsar.princeton.edu (Ira H. Fuchs):\\n> Is there a readily available solvent that does a good job at removing the \\n> corrosion/encrustation that collects on the battery terminals (usually the \\n> cathode) when using alkaline batteries (or more accurately, when NOT using \\n> them for a long time)? \\n generally, the corrosion is a signal that it's time to send them\\n of to the recyclers, but if you're that desperate or cheap try \\nbaking soda and a wire brush. use gloves and goggles, please!\\n\",\n", + " \"From: root@ncube.com (Operator)\\nSubject: Re: Which fax modem is the best?\\nNntp-Posting-Host: admin\\nReply-To: root@ncube.com\\nOrganization: nCUBE Corp., Foster City, CA\\nLines: 19\\n\\nWell I am using The Home Office. I bought it for arounde $350.\\nIt does 14.4. I don't know if it's for data or fax. But the\\nfeature I use is the Voic Mail Box, which I really have liked.\\n\\n---\\n\\n\\n\\n ^~\\n @ * *\\n Captain Zod... _|/_ /\\n zod@ncube.com |-|-|/\\n 0 /| 0\\n / |\\n \\\\=======&==\\\\===\\n \\\\===========&===\\n\\n\\n\\n\",\n", + " 'From: PETCH@gvg47.gvg.tek.com (Chuck)\\nSubject: Daily Verse\\nLines: 12\\n\\nLet the word of Christ dwell in you richly as you teach and admonish one\\nanother with all wisdom, and as you sing psalms, hymns and spiritual songs with\\ngratitude in your hearts to God. \\nColossians 3:16\\n\\nA reminder: These verses are from the New International Version. As with any\\ntranslation, faithfulness to the original Hebrew and Greek may vary from time\\nto time. If a verse sounds a little off occasionally, compare it with another\\ntranslation or with the original texts, if you are able to do so.\\n\\nGod Bless You,\\nChuck Petch\\n',\n", + " 'From: cdt@sw.stratus.com (C. D. Tavares)\\nSubject: Re: Photographers removed from compound\\nOrganization: Stratus Computer, Inc.\\nLines: 41\\nDistribution: na\\nNNTP-Posting-Host: rocket.sw.stratus.com\\n\\nIn article , roby@chopin.udel.edu (Scott W Roby) writes:\\n> >> I find this disturbing. \\n\\n> >Good. Keep thinking critically.\\n\\n> Dont\\' patronize me and I won\\'t patronize you.\\n\\nFeel free to patronize me all you like; I need the tips. :-)\\nSeriously, if you were insulted, I apologize.\\n\\n> The most tiresome thing about this group is that so many people \\n> tell others they are sucking up to the government when ever they \\n> decide that something the government says is plausible and praise \\n> them as independent thinkers whenever they find something the government \\n> says implausible.\\n\\nPeople are sucking up to the government when they decide that ONLY the\\nthings the government says are plausible. Especially if they refuse to\\nconsider reasonable alternatives.\\n\\nHowever, from what I saw plastered all over the TV news last night, it\\'s\\nno longer necessary to be an \"independent thinker\" to depart from the\\ngovernment\\'s party line. It looks like our \"independent press\" may \\nactually be starting to be earn its clothes allowance. This, to me, is\\na good sign. I hope it continues.\\n\\n> Here\\'s a clue. Independent thinkers are able to come to either conclusion \\n> depending on the circumstances. Non-critical thinkers are the ones who would \\n> always come to the same type of conclusion regardless of the circumstances.\\n\\nIndependent thinkers question authority. In a situation where only one\\nset of facts are being presented, \"coming to a conclusion\" is not the \\nhallmark of an independent thinker unless it\\'s coupled with the ability\\nto challenge those \"facts\" critically. The scientific method consists\\nof more than choosing the popular hypothesis; it\\'s even more than choosing\\nbetween two hypotheses that other people have proposed.\\n-- \\n\\ncdt@rocket.sw.stratus.com --If you believe that I speak for my company,\\nOR cdt@vos.stratus.com write today for my special Investors\\' Packet...\\n\\n',\n", + " 'From: sharon@world.std.com (Sharon M Gartenberg)\\nSubject: From Srebrenica: \"Doctoring\" in Hell\\nSummary: What it\\'s like WITHOUT modern medicine in war\\nOrganization: The World Public Access UNIX, Brookline, MA\\nLines: 84\\n\\n\\nSREBRENICA\\'S DOCTOR RECOUNTS TOWN\\'S LIVING HELL\\n \\n By Laura Pitter\\n TUZLA, Bosnia, Reuter - Neret Mujanovic was a pathologist\\nwhen he trekked through the mountains to the besieged Muslim\\ntown of Srebrenica last August.\\n But after treating 4,000 mangled victims of Bosnia\\'s bloody\\nwar, he considers himself a surgeon.\\n ``Now I\\'m a surgeon with great experience although I have no\\nlicense to practice. But if I operate on a person and he lives\\nnormally that\\'s the greatest license a surgeon could have.\\'\\'\\n Evacuated by the U.N. this week to his home town of Tuzla,\\nthe Muslim physician gave an eyewitness medical assessment of\\nthe horrors of the year-long Serb siege of Srebrenica and the\\nsuffering of the thousands trapped there.\\n ``I lived through hell together with the people of\\nSrebrenica. All those who lived through this are the greatest\\nheroes that humanity can produce,\\'\\' he told reporters.\\n Mujanovic, 31, had practiced for two months as an assistant\\nat a local hospital in Tuzla, but before going to Srebrenica he\\nhad never performed a surgical operation on his own. Now he says\\nhe has performed major surgery 1,396 times, relying on books for\\nguidance, amputating arms and legs 150 times, usually without\\nanesthetic, delivering 350 babies and performing four cesarean\\nsections.\\n He worked 18-to-19-hour days, slept in the hospital for the\\nfirst 10 weeks after his arrival last Aug. 5 and treated 4,000\\npatients.\\n He arrived after making the trek over mountains on foot from\\nTuzla, 60 miles northwest of Srebrenica. About 50 other people\\ncarried in supplies and 350 soldiers guided and protected him\\nthrough guerrilla terrain, he said.\\n His worst memory was of 10 days ago when seven Serb shells\\nlanded within one minute in an area half the size of a football\\nfield, killing 36 people immediately and wounding 102. Half of\\nthe dead were women and children.\\n The people had come out for a rare day of sunshine and the\\nchildren were playing soccer. ``There was no warning ... the\\nblood flowed like a river in the street,\\'\\' he said.\\n ``There were pieces of women all around and you could not\\npiece them together. One woman holding her two children in her\\nhands was lying with them on the ground dead. They had no\\nheads.\\'\\'\\n Before Mujanovic arrived with his supplies conditions were\\ndeplorable, he said. Many deaths could have been prevented had\\nthe hospital had surgical tools, facilities and medicine.\\n The six general practitioners who had been operating before\\nhe arrived had even less surgical experience than he did. ``They\\ndidn\\'t know the basic principles for amputating limbs.\\'\\'\\n Once he arrived the situation improved, he said, but by\\nmid-September he had run out of supplies.\\n ``Bandages were washed and boiled five times ... sometimes\\nthey were falling apart in my hands,\\'\\' he said. Doctors had no\\nanesthetic and could not give patients alcohol to numb the pain\\nbecause it increased bleeding.\\n ``People were completely conscious during amputations and\\nstomach operations,\\'\\' he said. Blood transfusions were\\nimpossible because they had no facilities to test blood types.\\n ``I felt destroyed psychologically,\\'\\' Mujanovic said.\\n The situation improved after Dec. 4, when a convoy arrived\\nfrom the Belgian medical group Medecins Sans Frontieres.\\n But Mujanovic said the military predicament worsened in\\nmid-December after Bosnian Serbs began a major offensive in the\\nregion. ``Every day we had air strikes and shellings.\\'\\'\\n Then the hunger set in.\\n Between mid-December and mid-March, when U.S. planes began\\nair dropping food, between 20 and 30 people were dying every day\\nfrom complications associated with malnutrition, he said.\\n ``I know for sure that the air drop operation saved the\\npeople from massive death by hunger and starvation,\\'\\' he said.\\n According to Mujanovic, around 5,000 people died in\\nSrebrenica, 1,000 of them children, during a year of siege.\\n Mujanovic plans to return to Srebrenica in three weeks after\\nvisiting his wife, who is ill in Tuzla.\\n ``They say I\\'m a hero,\\'\\' he said. ``There were thousands of\\npeople standing at the sides of the road, crying and waving when\\nI left. And I cried too.\\'\\'\\n\\n-- \\nSharon Machlis Gartenberg\\nFramingham, MA USA\\ne-mail: sharon@world.std.com\\n\\n',\n", + " 'From: egreen@east.sun.com (Ed Green - Pixel Cruncher)\\nSubject: Re: Ok, So I was a little hasty...\\nOrganization: Sun Microsystems, RTP, NC\\nLines: 19\\nDistribution: world\\nReply-To: egreen@east.sun.com\\nNNTP-Posting-Host: laser.east.sun.com\\n\\nIn article 210493143813@moustic.lbl.gov, jnmoyne@lbl.gov (Jean-Noel Moyne) writes:\\n>> \\n>> Recently,\\n>> the Highway Patrol took a few of the opposition Senators out and gave\\n>> them some shots, and when they hit .07, put them on a course dodging\\n>> cones. They failed, and will probably change their votes as a result.\\n>\\n>\\t Did they try to do the course before having a few drinks ?\\n\\nDunno, the newpaper article I read didn\\'t say (I was wondering the same\\nthing). I rather doubt it... \\n\\n\\n---\\nEd Green, former Ninjaite |I was drinking last night with a biker,\\n Ed.Green@East.Sun.COM |and I showed him a picture of you. I said,\\nDoD #0111 (919)460-8302 |\"Go on, get to know her, you\\'ll like her!\"\\n (The Grateful Dead) --> |It seemed like the least I could do...\\n\\n',\n", + " 'From: hudson@athena.cs.uga.edu (Paul Hudson Jr)\\nSubject: Re: Sabbath Admissions 5of5\\nOrganization: University of Georgia, Athens\\nLines: 36\\n\\nIn article dlecoint@garnet.acns.fsu.edu (Darius_Lecointe) writes:\\n\\n>You cannot show, from scripture, that the weekly Sabbath is part of the\\n>ceremonial laws. Before you post a text in reply investigate its context.\\n\\nFirst of all, \"ceremonial law\" is an extraScriptural term. It is sometimes\\nused as a framework to view Scripture. But if you look at Collosions,\\nwithout going into it with the assumption that the Sabbath cannot be \\na ceremonial law, you will see that it does refer to the sabbath.\\n\\nPaul writes in Collosions 2:14-17 how that Christ nailed the laws that were\\nagainst us to His cross, and therefore we should not be judged in what\\nwhat food we eat, what we drink, the keeping of new moons and holy days,\\nor the keeping of the sabbath.\\n\\nThe word for sabbath in this verse is \"sabbaton\" and is used throughout the\\nNew Testament to refer to the 7th day. If there is any Scripture from\\nwhich we get the idea of the ceremonial law, this is one of them, and the\\nsabbath is listed among the ceremonial laws.\\n\\nIf one goes into this with the fundamental assumption \"the sabbath cannot\\nbe a ceremonial law\" then he will have to find some way around it, like\\nsaying that this can only refer to the other sabbath holy days besides the\\n7tH day, Because \"the sabbath cannot be a ceremonial law.\" But\\nPaul is very careful in his letters to add some kind of parenthetcal \\nstatement if there is anything that can be seen as a liscence to sin\\nin his writings.\\n\\nAlso, why is the sabbath absent from the epistles (except for Hebrews 4, which\\ntalks about the rest that comes through faith?) Surely it would have\\nbeen a big problem for first century Christians living in a society\\nthat did not rest on the 7th day. Especially slaves. Many new converst were\\nslaves. It would have been difficult for slaves to rest on the sabbath\\nif it had been mandatory. Why is there no mention of this in the epistles?\\n\\nLink Hudson.\\n',\n", + " \"From: cabanrf@wkuvx1.bitnet\\nSubject: Re: My Belated Predictions (NL)\\nOrganization: Western Kentucky University, Bowling Green, KY\\nLines: 56\\n\\nIn article , mss@netcom.com (Mark Singer) writes:\\n> In article gajarsky@pilot.njin.net (Bob Gajarsky - Hobokenite) writes:\\n>>i've said the braves would improve by injury as well. here's how.\\n>>\\n>>javier lopez is a better catcher than greg olson.\\n>>ryan klasko is a better firstbaseman than bream.\\n>> chipper jones is a better shortstop than anyone the braves\\n>> put out there.\\n>>\\n>>mel nieves is better than nixon/sanders.\\n>>\\n>>that's how. it FORCES them to play the young guys.\\n>>\\n>>- bob gaj\\n> \\n> I continue to be amazed at these comments. While Lopez might *some\\n> day* be a better catcher than Olson, I find it totally amazing for\\n> you to suggest that this 22 year-old with three seasons of professional\\n> baseball is *now* better than Olson, a five-year MLB veteran who is\\n> noted for his ability to call a game, and who has a better-than-average\\n> arm. Oh, perhaps you are talking about hitting. Well, sure, Lopez\\n> *might* hit better. Perhaps he *probably* will.\\n> \\n> But has there ever in the history of baseball been a 22-year-old (or\\n> younger) *rookie* catcher who compared favorably among all league\\n> catchers in terms of defense and brought a .247 bat? Wasn't it \\n\\nYes, Ivan Rodriguez, last year. Batted .260 and threw out 51% of the\\nbaserunners. Not too shabby for a rookie from AA. 20 years old last\\nyear.\\n\\n> Sandy Alomar who was supposed to be that good in his rookie year?\\n> Not. Wasn't it Benito Santiago who was supposed to be that good\\n> in his rookie year? Not.\\n> \\n> I can continue this thread with the others mentioned, but you get\\n> the point. You and others seem to be so quick to dismiss the \\n> seasoned veterans in favor of the hot *young* rookies. Perhaps -\\n> just perhaps - the management team of the pennant-winning Braves\\n> knows something more than you do. And perhaps what they know is\\n> that very, very few 21- and 22-year old rookies come up to the majors\\n> and make an impact. \\n> \\n> \\n> --\\tThe Beastmaster\\n> \\n> \\n> \\n> -- \\n> Mark Singer \\n> mss@netcom.com\\n-- \\nRoy F. Cabaniss......................*Wait till Tommy meets the Lord and\\nWestern Kentucky University..........*finds out that He's wearing pinstripes.\\nAll opinions contained herein........*Gaylord Perry (talking about Lasorda)\\nAre all mine own, and that's the sin.*Baseball, what a way to spend a day!!\\n\",\n", + " 'From: pharvey@quack.kfu.com (Paul Harvey)\\nSubject: Re: Clarification of personal position\\nOrganization: The Duck Pond public unix: +1 408 249 9630, log in as \\'guest\\'.\\nLines: 26\\n\\nIn article \\nhudson@athena.cs.uga.edu (Paul Hudson Jr) writes:\\n>In article \\ndlecoint@garnet.acns.fsu.edu (Darius_Lecointe) writes:\\n>>If it were a sin to violate Sunday no one could\\n>>ever be forgiven for that for Jesus never kept Sunday holy. He only\\n>>recognized one day of the seven as holy.\\n>Jesus also recognized other holy days, like the Passover. Acts 15 says \\n>that no more should be layed on the Gentiles than that which is necessary.\\n>The sabbath is not in the list, nor do any of the epistles instruct people\\n>to keep the 7th day, while Christians were living among people who did not\\n>keep the 7th day. It looks like that would have been a problem.\\n>Instead, we have Scriptures telling us that all days can be esteemed alike\\n>(Romans 14:5) and that no man should judge us in regard to what kind of\\n>food we eat, Jewish holy days we keep, or _in regard to the sabbath. (Col. 2.)\\n>>The\\n>>question is \"On what authority do we proclaim that the requirements of the\\n>>fourth commandment are no longer relevant to modern Christians?\"\\n>I don\\'t think that the Sabbath, or any other command of the law is totally\\n>irrelevant to modern Christians, but what about Collosions 2, where it says\\n>that we are not to be judged in regard to the keeping of the sabbath?\\n\\nWhy are you running away from the word of Jesus? Has somebody superseded\\nthe word of Jesus? If you don\\'t follow the morality of the Ten\\nCommandments and the Law and the Prophets and the word of Jesus, whose\\nmorality do you follow?\\n',\n", + " 'From: rodger@zeisler.lonestar.org (Rodger B. Zeisler)\\nSubject: 05/28/93 PastorTalk\\nOrganization: Rodger B. Zeisler, Plano, Tx USA\\nLines: 97\\n\\n\\n -= PASTORTALK =-\\n\\n A weekly dialogue with a local pastor on the news of the day\\n\\n by Carl (Gene) Wilkes \\n\\n Startext: MC344578 \\n CompuServe: 70423,600\\n Internet: 70423.600@compuserve.com\\n\\n -= THIS WEEK\\'S THOUGHTS =-\\n\\nLast week the Supreme Court refused without comment to hear an\\nappeal by Rensselaer, IN, school officials desiring the\\ndistribution of Bibles in their public schools (REL65, 5/21). A\\nlower court had banned the local Gideons, an international Bible-\\ndistribution group, from passing out Bibles to fifth-graders. The\\nACLU\\'s Barry Lynn was quoted as saying that the court\\'s action\\nprotected the \"religious neutrality of our public schools.\" He also\\nsaid that schools must serve students of \"all faiths and none.\"\\nSchools were not to be a \"bazaar where rival religious groups\\ncompete for converts,\" according to Lynn.\\n\\nSeveral Gideons, men who are responsible for putting Bibles in\\nhospitals and hotels, are members of our church. They tell of\\nsimilar stories where they are only allowed to distribute Bibles on\\nsidewalks around the schools, but cannot go inside the schools.\\nThey tell of mild harassment by parents who do not want their\\nchildren receiving a Bible from a stranger. They are willing to\\ncontinue their work at a distance, but find the school\\'s position\\nsomewhat disheartening.\\n\\nI understand rationally and logically the court\\'s position. And, I\\ncan see the sense of fairness for all groups. But, on the other\\nhand, when does \"neutrality\" become \"nihilism?\" When does plurality\\nturn into no position at all?\\n\\nI see a couple of ironies here. One is that we can pass out condoms\\nbut not Bibles in our schools. Think on that one for a moment.\\n\\nThe other is that while we are seeking \"religious neutrality\" in\\nour schools, countries like Russia--who, by the way, practiced\\n\"religious neutrality\" for the past seventy years--are making the \\nBible part of their public school curriculum. When I was in St.\\nPetersburg in March, the church we worked with had trained over 100\\npublic school teachers to teach the Bible, and the government had\\nrequested hundreds more! I recently heard a medical doctor who is\\npresident of the Gideon chapter in Moscow tell how they are eagerly\\ninvited to the University of Moscow to distribute Bibles to the\\nstudents and are given class time to explain its contents. I\\nremember seeing a photograph of this doctor holding a Bible and\\nspeaking to the university students standing under a statue of\\nLenin. Now, that\\'s ironic!\\n\\nI admit two things: 1) We are a pluralistic society, and all faiths\\nhave equal footing. This is what our country was founded on. 2) To\\nallow every group on school grounds could create a bazaar-like\\natmosphere. Each city must work to be inclusive of all religions\\nand provide a hearing for them. 3)--I know I said two--The vitality\\nof religious faith is not dependent upon whether or not the public\\narena acknowledges it as valid.\\n\\nHowever--and you knew this was coming--I believe, disallowing the\\ndistribution of the Bible by law-abiding, caring adults in our\\nschools only signals once again our culture\\'s movement away from a\\nsingular base from which we as individuals and as a nation can make\\nmoral and ethical decisions.\\n\\nWhat do you think? \\n\\n -= MAIL BOX =-\\n(Let me know if you do not want me to print your letter or your\\nname.)\\n\\nGood column [re: TIME coverstory about teen sexuality]; I agree\\nwith moral education from home, but some homes don\\'t have the kinds\\nof morals I want taught. One family I worked with smoked dope as\\ntheir primary family activity. Another acted like incest was OK.\\nFamilies, no matter where they are, are often a lot sicker than\\nwe\\'d like to believe.\\n\\nFrom: John Hightower, MC 407602\\n\\nJohn,\\n\\nI agree that the \"home\" ain\\'t what it used to be, and some homes\\nare NOT the place to learn value-based sexuality. I still believe\\nthat this is where the church can come into play. I know, those\\nfamilies you speak of may not come to a church to seek information,\\nbut the help does not need to be in a church building...I believe\\nthat the youth from the families you mentioned will probably\\ndisregard the value-free information at school, too.\\n\\n(#) WRITER\\'S NOTE: The views of this column do not necessarily\\nreflect the views of members of or the church, Legacy Drive Baptist\\nChurch, Plano, TX.\\n',\n", + " 'From: kjkeirn@srv.PacBell.COM (Ken Keirnan)\\nSubject: Fast display adaptors for windows\\nOrganization: Pacific * Bell\\nLines: 14\\n\\n\\nA friend and I have ATI Graphic Ultra display adaptors, and they have\\nbeen reasonably good performers, but we both have had irritating compatibility\\nproblems with the ATI drivers and are ready to change to something faster\\nand more compatible with windows. I have heard rumblings that the new Orchid\\n9000 card is very fast. Anyone have experience with this card? What is\\ncurrently available that is fast, compatible, does 1280x1024x256 non-\\ninterlaced and cost under $500?\\n\\nKen Keirnan\\n-- \\n\\nKen Keirnan - Pacific Bell - kjkeirn@srv.PacBell.com\\n San Ramon, California\\n',\n", + " 'From: sera@zuma.UUCP (Serdar Argic)\\nSubject: Muslim women and children were raped and massacred by the Armenians.\\nReply-To: sera@zuma.UUCP (Serdar Argic)\\nDistribution: world\\nLines: 51\\n\\nIn article <737257015@marlin.cs.duke.edu> wiener@duke.cs.duke.edu (Eduard Wiener) writes:\\n\\n> culture was in Russia proper, not in the Ukraine. I think\\n> all these attempts to prove that Russians are descendants of\\n> Finns, Ukrainians of Tatars, Bulgarians of Bashkirs, and\\n> Croats of Iranians are based more on speculation than evidence.\\n\\nOwieneramus. Always has to stick his \\'ASALA/SDPA/ARF\\' made nose into \\nevery discussion with non-points and lies. Well, still anxiously\\nawaiting...\\n\\n\\nSource: Cemal Kutay, \"Ottoman Empire,\" vol. II., p. 188. \\n\\n\"The atrocities and massacres which have been committed for a long time\\n against the Muslim population within the Armenian Republic have been \\n confirmed with very accurate information, and the observations made by\\n Rawlinson, the British representative in Erzurum, have confirmed that\\n these atrocities are being committed by the Armenians. The United States\\n delegation of General Harbord has seen the thousands of refugees who came \\n to take refuge with Kazim Karabekir\\'s soldiers, hungry and miserable, \\n their children and wives, their properties destroyed, and the delegation\\n was a witness to the cruelties. Many Muslim villages have been destroyed\\n by the soldiers of Armenian troops armed with cannons and machine guns\\n before the eyes of Karabekir\\'s troops and the people. When it was hoped\\n that this operation would end, unfortunately since the beginning of \\n February the cruelties inflicted on the Muslim population of the region\\n of Shuraghel, Akpazar, Zarshad, and Childir have increased. According\\n to documented information, 28 Muslim villages have been destroyed in the\\n aforementioned region, more than 2,000 people have been slaughtered,\\n many possessions and livestock have been seized, young Muslim women\\n have been taken to Kars and Gumru, thousands of women and children who\\n were able to flee their villages were beaten, raped and massacred in the\\n mountains, and this aggression against the properties, lives, chastity \\n and honour of the Muslims continued. It was the responsibility of the\\n Armenian Government that the cruelties and massacres be stopped in order \\n to alleviate the tensions of Muslim public opinion due to the atrocities \\n committed by the Armenians, that the possessions taken from the Muslims\\n be returned and that indemnities be paid, that the properties, lives,\\n and honour of the Muslims be protected.\"\\n\\n\\nSerdar Argic\\n\\n \\'We closed the roads and mountain passes that \\n might serve as ways of escape for the Turks \\n and then proceeded in the work of extermination.\\'\\n (Ohanus Appressian - 1919)\\n \\'In Soviet Armenia today there no longer exists \\n a single Turkish soul.\\' (Sahak Melkonian - 1920)\\n\\n',\n", + " \"From: jcmorris@mbunix.mitre.org (Morris)\\nSubject: Re: Soundblaster IRQ and Port settings\\nNntp-Posting-Host: mbunix.mitre.org\\nOrganization: The MITRE Corporation, Bedford, MA\\nLines: 42\\n\\n[discussing the use of IRQ 7]\\n\\nIn recent article msprague@superior.mcwbst311b (Mike Sprague) writes:\\n\\n>I as a number of poeple in this thread have already written\\n>(I can't prove it's true, but I believe it), LPT1 does not\\n>actually use IRQ7, even though that interrupt is supposed to\\n>be dedicated to LPT1.\\n\\nTo put it a little differently:\\n\\n - IRQ 7 is the de facto standard interrupt assigned to be used by the\\n printer adapter to announce its completion of some activity.\\n\\n - DOS doesn't monitor IRQ 7; it uses other means to determine when it's\\n time to send out another byte to the printer.\\n\\n - Most (all?) (hardware) printer adapters have the ability to disable\\n the use of IRQ 7, usually by merely breaking the connection between\\n the ISA pin and the associated driver. Other adapters control the\\n IRQ line by a tri-state driver, and by programming just leave it\\n in the high-impedence mode.\\n\\n - Unfortunately, there are a lot of adapter cards which use bistate\\n drivers (i.e., either assert high or assert low) for the IRQ lines\\n rather than tristate drivers (assert high, assert low, or don't\\n assert anything). The presence of such a card on an IRQ line precludes\\n the use of that IRQ by any other adapter unless it is physically \\n disconnected by a jumper.\\n\\n (Incidentally, note that there's no requirement that a card hold\\n the IRQ line low when no interrupt is desired. If that were true\\n you would have to somehow tie down all unconnected IRQ lines, and\\n that certainly isn't a requirement.)\\n\\n - Non-DOS operating systems (OS/2, NT (?), various Unices or whatever the\\n proper plural of Unix might be) require the use of IRQ 7 for performance\\n reasons. \\n\\nAnd the SB16, alas, is one of the cards which uses bistate drivers.\\n\\nJoe Morris / MITRE (jcmorris@mitre.org)\\n\",\n", + " 'From: shiva@leland.Stanford.EDU (Matt Jacobson)\\nSubject: Windows Errors and a bad memory\\nOrganization: DSG, Stanford University, CA 94305, USA\\nLines: 18\\n\\nHi. My last question for the year. I have a mail-order no-name notebook\\nwith 4 meg ram. I never have problems with my huge ramdisk or when\\nrunning desqview, but Win3.1 and W4W2.0 constantly crash on me, most\\ncommonly citing a \"memory parity error.\" The only thing I can do is TURN\\nOFF and re-boot. My CMOS ticks off & counts all the memory every startup,\\nand there is never a problem with this either.\\n\\nCould it be a bug in my Windows copy instead of the hardware? I remember\\nhaving some disk error problems when installing it.\\n\\n\\nIs there any change I could make to lessen the frequency or likelyhood of\\nthis happening (I think win vs win /s produce different crashes, but both\\ncrash frequently nonetheless)\\n\\nI know this is a pain, but PLEASE answer by EMAIL because my home account\\ndoesn\\'t have rn. And I will stop asking questions now. Thank you.\\nChet Pager = chetter@ucthpx.uct.ac.za\\n',\n", + " \"From: tmenner@sei.cmu.edu (Thomas Menner)\\nSubject: Hockey Equip. Recommendations?\\nKeywords: hockey\\nOrganization: Software Engineering Institute\\nLines: 23\\n\\nHey man! -\\n\\nHaving spent the past season learning to skate and having played a\\ncouple of sessions of mock hockey, I'm ready to invest in hockey\\nequipment (particularly since I will be taking summer 'hockey\\nlessons'). However, I am completely and profoundly ignorant when it\\ncomes to hockey equipment. I've checked out local stores and looked\\nat catalogs, but I was hoping to solicit opinions/suggestions before\\nactually plunking down any money. Having played football in high\\nschool and college I at least have that equipment as a basis for\\ncomparison. But for example what are the advantages/disadvantages to\\ndifferent kinds of shoulder pads and pants/girdles? Are there any\\nnotoriously bad or unsafe brands or styles? etc. So any suggestions\\nor comments would be greatly appreciated.\\n\\n\\nTom Menner \\t \\t \\t I When you're swimming in the creek\\nSoftware Engineering Institute\\t I And an eel bites your cheek,\\nCarnegie Mellon University \\t I That's a moray!\\nPittsburgh, PA\\t \\t \\t I \\t - Fabulous Furry Freak Bros.\\n\\n\\n\\n\",\n", + " 'From: scatt@apg.andersen.com (Scott Cattanach)\\nSubject: Re: Nature of the Waco gas\\nOrganization: Andersen Consulting -- CSTaR\\nLines: 21\\nNNTP-Posting-Host: 144.36.14.91\\n\\ncash@convex.com (Peter Cash) writes:\\n\\n>In article <1r6170INNdlu@cronkite.Central.Sun.COM> dbernard@clesun.Central.Sun.COM writes:\\n>>The reason given was that the use causes extreme nausea,\\n>>blindness, disorientation, total irrationality, raging paranoia. \\n>>Children would be all the more susceptible, and show the results all the\\n>>earlier. \\n\\n>If we are indeed talking about CS, then this is not quite accurate. CS is\\n>\"just\" tear gas--albeit the worst kind. It isn\\'t a nausea gas, and doesn\\'t\\n>have direct CNS effects. However, it\\'s quite bad--much worse than CN gas. I\\n\\nHas anyone publically considered the possibility that the fires were set\\nfor defence instead of suicide and the destruction and confusion caused\\nby the tanks and gas caused things to get out of the BDs control?\\n\\n--\\n\"Spending programs are now \\'investments,\\' taxes are \\'contributions,\\' and \\nthese are the same people who say _I_ need a dictionary?\" - Dan Quayle 2/19/93\\n\\nMy employer is not responsible for ANYTHING that may appear above.\\n',\n", + " \"From: sxs@extol.Convergent.Com (S. Sridhar)\\nSubject: Re: tvtwm icon manager\\nOrganization: Unisys Open Systems Group, San Jose\\nLines: 22\\n\\nIn article <13960@risky.Convergent.COM>, sxs@extol.Convergent.Com (S. Sridhar) writes:\\n|> Keywords: tvtwm icon manager\\n|> \\n|> Need help on resource bindings for tvtwm. Here's what I'd like to\\n|> see the icon manager do.\\n|> \\n|> Say I iconify a window and this shows up on the icon list. Now when I \\n|> pan into another section of the virtual desktop and try to deiconify\\n|> the window that I iconed (sp ?) earlier, I'd like this window to\\n|> deiconify in the current region.\\n|> \\n|> Any resources that I can use to do this ? Or more important, can I \\n|> do this ? Rather find it painful to remember where I iconified a \\n|> window, go back there and deiconify. Or simply, it is a pain to \\n|> pan around to get to a deiconified window.\\n|> \\n|> Thanks,\\n|> \\n|> ssridhar@convergent.com\\n|> \\n|> \\nJust opened up the distribution.\\n\",\n", + " 'From: qureshi@bmerh185.bnr.ca (Emran Qureshi)\\nSubject: Re: Europe vs. Muslim Bosnians\\nOrganization: Bell-Northern Research, Ottawa, Canada\\nLines: 26\\n\\nIn article prabhak@giga.cs.umn.edu (Satya Prabhakar) writes:\\n>(mohamed.s.sadek) writes:\\n>>\\n>>I like what Mr. Joseph Biden had to say yesterday 5/11/93 in the senate.\\n>>\\n>>Condemening the european lack of action and lack of support to us plans \\n>>and calling that \"moral rape\".\\n>>\\n>>He went on to say that the reason for that is \"out right religious BIGOTRY\"\\n>\\n>Actually, this strife in Yugoslavia goes back a long way. Bosinan Muslims,\\n>in collaboration with the Nazis, did to Serbians after the first world\\n>war what Serbs are doing to Muslims now. This is not a fresh case of\\n>ethnic cleansing but just another chapter in the continuing saga\\n>of intense mutual hatred, destruction,... Not taking sides in this\\n>perpetual war does not amount to religious bigotry. It could just\\n>be helplessness with regards to bringing peace to a region that does\\n>not even know the meaning of the word.\\n>\\n>Satya Prabhakar\\n>--\\n\\nYeah right, sorta like the Indian sub-contient, eh?\\n\\nRegards,\\nEmran\\n',\n", + " \"From: stjohn@math1.kaist.ac.kr (Ryou Seong Joon)\\nSubject: WANTED: Multi-page GIF!!\\nOrganization: Korea Advanced Institute of Science and Technology\\nX-Newsreader: Tin 1.1 PL3\\nLines: 12\\n\\nHi!... \\n\\nI am searching for packages that could handle Multi-page GIF\\nfiles... \\n\\nAre there any on some ftp servers?\\n\\nI'll appreciate one which works on PC (either on DOS or Windows 3.0/3.1).\\nBut any package works on Unix will be OK..\\n\\nThanks in advance...\\n\",\n", + " \"From: colburn@caesar (alex colburn)\\nSubject: Re: GUI Application Frameworks for Windows ??\\nNntp-Posting-Host: caesar.iaf.uiowa.edu\\nOrganization: University of Iowa, Image Analysis Facility\\nLines: 38\\n\\nIn article <1993Apr12.154418.14463@cimlinc.uucp> bharper@cimlinc.uucp (Brett Harper) writes:\\n>Hello,\\n> \\n> I'm investigating the purchase of an Object Oriented Application Framework. I have\\n>come across a few that look good:\\n>Zinc\\n>----\\n> Has a platform independent resource strategy. (Not too important for me right now)\\n>\\n>\\n>brett.harper@cimlinc.com\\n\\n\\nJust a thought on resources, It is very important if you do use a\\nmultiplatform toolkit to check on how it uses resources. I have\\nused Glockenspeil commonview under Motif and OS2. I wrote a resource\\nconverter from OS2 to Motif, but it really wasn't too easy, especially\\nthe naming scheme. In Motif you cannot rename controls/widgets.\\nWith windows you can call the OK button ID_OK in every instance,\\nthis doesn't work for Motif, you'd have to call it Dialog1_OK,\\nand Motif expects a text string rather than a number. So \\nyour constructor should know how to convert a #define into the\\nproper resource identifier.\\nI'd check on how the toolkit expects names, and that if it does\\nuse resources, that is uses resources for all platforms you intend to\\nport to. ( By the way, I would never use CommonView or Glockenspiel\\nfor anything ) \\n\\n\\n\\nAlex.\\n\\n\\n--\\n__ __| \\\\ __| Alex Colburn \\n | / \\\\ | Image Analysis Facility \\n | _____ \\\\ __|\\t University of Iowa \\n______| _/ _\\\\ _| colburn@tessa.iaf.uiowa.edu \\n\",\n", + " 'From: aap@wam.umd.edu (Alberto Adolfo Pinkas)\\nSubject: Re: Israel: An Apartheid state.\\nOrganization: University of Maryland, College Park\\nLines: 22\\nNNTP-Posting-Host: rac2.wam.umd.edu\\n\\nIn article <2710@spam.maths.adelaide.edu.au> jaskew@spam.maths.adelaide.edu.au (Joseph Askew) writes:\\n>In article <1smllm$m06@cville-srv.wam.umd.edu> aap@wam.umd.edu (Alberto Adolfo Pinkas) writes:\\n>\\n>>I consider that defining the belonging to a nation that claims the\\n>>right to have a State based on religious belief is a form of racism.\\n>\\n>Although I don\\'t want to muddy the waters unnecessarily I disagree. Any\\n>discrimination based on religion is not and cannot be racist unless the\\n>sole qualification for religious membership is racial. \\n\\nIn the same way in which antisemite means anti-Jewish and not anti-all-\\npersons-of-who-are-semite, a \"form of racism\" means: A form of segregation\\nagainst all those who are different based on the religious identification.\\n\\nAAP\\n\\n\\n>Joseph Askew\\n>\\n>-- \\n\\n\\n',\n", + " 'From: salem@pangea.Stanford.EDU (Bruce Salem)\\nSubject: Re: Ancient references to Christianity (was: Albert Sabin)\\nOrganization: Stanford Univ. Earth Sciences\\nLines: 7\\nNNTP-Posting-Host: pangea.stanford.edu\\n\\nIn article cobb@alexia.lis.uiuc.edu (Mike Cobb) writes:\\n>Why is the NT tossed out as info on Jesus. I realize it is normally tossed\\n>out because it contains miracles, but what are the other reasons?\\n\\n\\tIt is not tossed out as a source, but would it be regarded as\\nunbiased and independant? \\n\\n',\n", + " 'From: dale@odie.cs.mun.ca (Dale Fraser)\\nSubject: Re: AHL News: St John\\'s news, part XXXVIII\\nOrganization: CS Dept., Memorial University of Newfoundland\\nLines: 49\\n\\nbrifre1@ac.dal.ca writes:\\n\\n>In article <1993Apr13.132906.1827@news.clarkson.edu>, farenebt@craft.camp.clarkson.edu (Droopy) writes:\\n>> Pete Raymond emailed me this piece of info. Not sure if Game 7 was\\n>> intentionally or unintentionally omitted (ie date not set).\\t\\n>> \\n>> BRI\\n>> ================================================================\\n>> [begin quoted material]\\n>> \\n>> Because of the Moncton win Friday night Halifax was eliminated thus St.\\n>> John\\'s will make Halifax home. The first round of play-offs wil take place\\n>> on these dates.\\n>> \\n>> \\tApril 14 - Halifax Metro Center (Leafs Home Game)\\n>> April 17 - Halifax Metro Center\\n>> \\n>> \\tApril 21 - Moncton\\n>> \\tApril 23 - Moncton\\n>> \\n>> \\tApril 26 - Halifax Metro Center\\n>> \\n>> \\tApril 30 - Moncton\\n>> \\n>This is a Halifax (or at least this Halifax) resident\\'s dream come true!!\\n>The leafs are my favorite NHL team (and no, I don\\'t know why)!!!!!!!!!\\n>I\\'d say that this is even better than the Citadels making the playoffs (a\\n>Quebec farm team; who cares??).\\n\\n>By the way, for any NFLD fans....I\\'m sure ASN will carry some of the games\\n>(they\\'d be stupid not to....but then this is ASN)\\nI haven\\'t heard any news about ASN carrying any games but the local\\ncable station here in St. John\\'s (Cable 9) is carrying the games live!\\n\\nHey, it\\'s better than nothing!\\n\\nGO LEAFS GO!!!\\n\\nDale\\n\\n|-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-|\\n| \"Why sex is so popular | Dale Fraser dale@odie.cs.mun.ca |\\n| Is easy to see: | Memorial University of Newfoundland |\\n| It contains no sodium | CS Undergrad - Class of \\'92 |\\n| And it\\'s cholesterol free!\" |-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-| \\n| Shelby Friedman | BLUE JAYS 1992 WORLD SERIES CHAMPS!! |\\n|-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-|\\n| *OPINIONS EXPRESSED ABOVE DO NOT BELONG TO ME OR THIS INSTITUTION!* |\\n|-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-|\\n',\n", + " 'From: smashman@leland.Stanford.EDU (Adam Samuel Nash)\\nSubject: What was the ....\\nOrganization: DSG, Stanford University, CA 94305, USA\\nLines: 10\\n\\nIn light of the 100 letter over \"What was the LISA\" I thought I\\'d start a\\nnew one. What was the IIvx? I hear it was some machine that predated the\\nmain 040 line by about 6 mos, but used obsolete tech. Rumor has it that\\nseveral were sold....\\n\\n\\n\\n\\n\\n\\n',\n", + " 'From: paul@hsh.com (Paul Havemann)\\nSubject: Re: Clinton\\'s immunization program\\nDistribution: usa\\nOrganization: HSH Associates\\nLines: 47\\n\\nIn article , mwilson@ncratl.AtlantaGA.NCR.COM (Mark Wilson) writes:\\n> On the news last night Clinton was bashing the republicans for stonewalling\\n> his so called stimulus package.\\n> It seems that one small item within this package was going to pay for free\\n> immunizations for poor kids.\\n> So now Clinton is claiming that the republicans are holding the health of\\n> poor kids hostage for blatantly political gains.\\n> \\n> Aside from the merits (or lack thereof) of another free immunization program,\\n> just what is such a program doing in a bill that is supposedly about\\n> creating jobs.\\n\\nJobs? What the hell have jobs to do with it? It\\'s another touchy-feely \\nprogram from the new, vapid administration. The fact is, the major claim\\nmade for \"universal\" immunization -- that \"all children will be immunized\" --\\nhas absolutely no validity. Several states already have U.I. programs, have\\nhad these programs for _years_. The result: on average, their success rates\\nare no better than the national average. It seems that the gummint hasn\\'t\\nyet figured out a way to MAKE parents bring their kids in. Yet another case\\nof shameless demagoguery from the \"new\" Democrats, the \"agents of change.\" \\n \\n> If Clinton is so hot to get this immunization program, why doesn\\'t he and\\n> the democrats just introduce it as a stand alone bill. Isn\\'t it possible\\n> that Clinton is the one doing the blatant political (read pork) manipulations\\n> here. He is telling the republicans, pass my muti-billion dollar package,\\n> or I will go to the people and tell them that you are opposed to\\n> immunizing poor kids.\\n\\nWhat? Clinton using this issue for _partisan gain_? Do tell.\\n \\n> I have never thought highly of Clinton, but stunts like this lower my\\n> opinion of him even further.\\n> \\n> I thought one of Clinton\\'s campaign themes was that he was going to be\\n> a new kind of politician. This kind of manuevering would have made LBJ\\n> proud.\\n\\nAll together now... c\\'mon, you know the words... \"Meet the new boss! Same as \\nthe old boss!\" And the chorus: \"We won\\'t get fooled again!\"\\n\\n------ ------ ------ ------ ------ ------ ------ ------ ------ ------ ------ \\n\\nPaul Havemann (Internet: paul@hsh.com)\\n\\n * They\\'re not just opinions -- they\\'re caffeine for the brain! *\\n ** (Up to 50 milligrams per cynical observation.) **\\n Recommended Minimum Daily Requirement: 1,000 mg. Keep reading.\\n',\n", + " 'From: Jean Andrews \\nSubject: Wanted: Large dog cage\\nOrganization: Graduate School of Industrial Administr., Carnegie Mellon, Pittsburgh, PA\\nLines: 3\\nNNTP-Posting-Host: po2.andrew.cmu.edu\\n\\nI need a large dog cage, the kind you use to housebreak a dog when you\\nare not around. I have been adopted by a 11 month old non-housetrained\\nhuskey. I am in the Pittsburgh area. My number is 412 268-8843. \\n',\n", + " 'From: sthong@eniac.seas.upenn.edu (Steven Hong)\\nSubject: LOOKING FOR ORGANIZER\\nDistribution: comp\\nOrganization: University of Pennsylvania, Philadelphia, PA, USA\\nLines: 18\\nNntp-Posting-Host: eniac.seas.upenn.edu\\n\\nLooking for ORGANIZER program for Windows.\\nCurrently have Lotus Organizer, not bad, but looking for better.\\nShould have a calender / scheduler.\\nShould have a to do list.\\nNice additions : Address / Phone Book\\n\\t\\t Diary\\nPlease, any suggestions? Shareware/Public/or Copyrighted...\\nPlease EMAIL sthong@eniac.seas.upenn.edu\\n--\\n\\n\\n\\n -------------------------------------------\\n Steven Hong \\n Email Address : sthong@eniac.seas.upenn.edu\\n University of Pennsylvania\\n Engineering Class of 1996\\n -------------------------------------------\\n',\n", + " 'From: censwm@cend3c7.caledonia.hw.ac.uk (Stuart W Munn)\\nSubject: Macintosh Lisa Dot Matrix Parallel Printer\\nOrganization: Dept of Computing and Electrical Engineering, Heriot-Watt University, Scotland\\nLines: 15\\n\\nI have got a dot matrix printer that came with a Lisa (I think) I wish to attach it to a PC, but have no manual. I have been told that it is some sort of C.Itoh printer in disguise. Can anyone help with manuals or info about codes to send to select fonts, italics etc. I want to write a printer driver for Protext.\\n\\nThanks in advance\\n\\nStuart\\n\\n=========================================================================\\nStuart Munn\\t\\tDOD# 0717\\nHeriot-Watt University \"The sky is BLACK . . .\\nEdinburgh therefore GOD, he is a St Mirren\\nScotland, EH14 4AS supporter!!!\"\\n031 451-3265\\n031 451-3261 FAX God may have a Harley . . .\\nE-Mail censwm@UK.AC.HW.CLUST (JANET) But the Pope rides a Guzzi! \\n=========================================================================\\n',\n", + " 'From: zowie@daedalus.stanford.edu (Craig \"Powderkeg\" DeForest)\\nSubject: Re: 5W30, 10W40, or 20W50\\nArticle-I.D.: daedalus.ZOWIE.93Apr5215616\\nOrganization: Stanford Center for Space Science and Astrophysics\\nLines: 37\\nNNTP-Posting-Host: daedalus.stanford.edu\\nIn-reply-to: Brad Thone\\'s message of Fri, 02 Apr 93 21:41:53 CST\\n\\nIn article Brad Thone writes:\\nWell, there *is* a difference.\\n\\nI don\\'t happen to have my SAE manual handy, but oil viscosity in general\\n_decreases_ with temperature. The SAE numbers are based on a `typical\\'\\ncurve that oils used to all have, running from (say) the viscosity of a\\nroom-temperature 90-weight at 0C, down to (say) that of a room-temperature \\n5-weight at 20C, for a typical 40-weight oil.\\n\\nOils that are designed for operation in `normal\\' temperatures just have\\na weight specification. Oils that are designed for operation in exceedingly\\ncold temperatures have a `W\\' tacked on the end, so in winter in a cold\\nplace, you\\'d stick 10W in your car in the winter and 40 in it in the summer,\\nto approximate the appropriate viscosity throughout the year.\\n\\nModern multi-viscosity oils change viscosity much less with temperature.\\nAs a result, their viscosity graphs cross over several curves. A multi-vis\\nspecification pegs the curve at two temperatures, a `normal\\' operating\\ntemperature and a `cold\\' one (though I can\\'t remember the numbers...).\\n\\nIn any event, the weights do indicate a significant difference. Remember\\nthat your engine is temperature-regulated (by the thermostat and\\nradiator or air fins) most of the time -- unless you overheat it or\\nsomething.\\n\\nAny weight of oil is better than no oil, or than very old, carbonized\\noil. Thin oil won\\'t (in general) lubricate as well at temperature,\\nthicker oil will (like a 20W50) will lubricate better at temperature, \\nbut not as well during startup, when most engine wear occurs. \\n\\nIf you\\'re planning on making long drives, the 20W50 is probably fine\\n(esp. in the summer) in your 10W40 car. But if you\\'re making short drives,\\nstick to the 10W40.\\n\\n\\n--\\nDON\\'T DRINK SOAP! DILUTE DILUTE! OK!\\n',\n", + " 'From: dbm0000@tm0006.lerc.nasa.gov (David B. Mckissock)\\nSubject: Washington Post Article on SSF Redesign\\nNews-Software: VAX/VMS VNEWS 1.41 \\nNntp-Posting-Host: tm0006.lerc.nasa.gov\\nOrganization: NASA Lewis Research Center / Cleveland, Ohio\\nLines: 52\\n\\n\"Space Station Redesign Leader Says Cost Goal May Be\\nImpossible\"\\n\\nToday (4/6) the Washington Post ran an article with the\\nheadline shown above. The article starts with \"A leader\\nof the NASA team in charge of redesigning the planned\\nspace station said yesterday the job is tough and may\\nbe impossible.\" O\\'Connor is quoted saying whether it is\\npossible to cut costs that much and still provide for\\nmeaningful research \"is a real question for me.\"\\nO\\'Connor said \"everything is fair game,\" including\\n\"dropping or curtailing existing contracts with the\\naerospace industry, chopping management of the space\\nstation program at some NASA facilities around the\\ncountry, working closely with the Russian space station\\nMir, and using unmanned Titan rockets to supplement the\\nmanned space shuttle fleet.\"\\n\\nO\\'Connor says his team has reviewed 30 design options\\nso far, and they are sorting the serious candidates\\ninto three categories based on cost.\\n\\nThe Post says O\\'Connor described the design derived\\nfrom the current SSF as a high cost option (I believe\\nKathy Sawyer, the Post writer, got confused here. I\\nlistened in on part of O\\'Connor\\'s briefing to the press\\non Monday, and in one part of the briefing O\\'Connor\\ntalked about how the White House wants three options,\\nsorted by cost [low, medium, and high]. In another part\\nof the briefing, he discussed the three teams he has\\nformed to look at three options [SSF derivative @ LaRC,\\nmodular buildup with Bus-1 @ MSFC, and Single Launch\\nCore [\"wingless Orbiter\"] @ JSC. Later, in response to\\na reporters question, I thought I heard O\\'Connor say\\nthe option based on a SSF redesign was a \"moderate\"\\ncost option, in between low & high cost options. Not\\nthe \"high cost\" option as Sawyer wrote).\\n\\nThe article goes on to describe the other two options\\nas \"one features modules that could gradually be fitted\\ntogether in orbit, similar to the Russian Mir. The\\nother is a core facility that could be deposited in\\norbit in a single launch, like Skylab. That option\\nwould use existing hardware from the space shuttle -\\nthe fuselage, for example, in its basic structure.\"\\n\\nThe last sentence in the article contradicts the title\\n& the first paragraph. The sentence reads \"He\\n[O\\'Connor] said a streamlined version of the planned\\nspace station Freedom is still possible within the\\nadministration\\'s budget guidelines.\"\\n\\n',\n", + " \"From: rcb5@wsinfo03.win.tue.nl (Richard Verhoeven)\\nSubject: Re: Forcing a window manager to accept specific coordinates for a window\\nOrganization: Eindhoven University of Technology, The Netherlands\\nLines: 38\\nDistribution: world\\nNNTP-Posting-Host: wsinfo03.win.tue.nl\\n\\nbading@cs.tu-berlin.de (Tobias 'Doping' Bading) writes:\\n> \\n> try this after XCreateWindow:\\n> -----------------------------\\n> ...\\n>\\n> xsizehints->flags = USPosition | USSize;\\t/* or = PPosition | PSize */\\n> ...\\n> XSetWMNormalHints (display, window, xsizehints);\\n> ...\\n>\\n> These hints tell the window manager that the position and size of the window\\n> are specified by the users and that the window manager should accept these\\n> values. If you use xsizehints->flags = PPosition | PSize, this tells the window\\n> manager that the values are prefered values of the program, not the user.\\n> I don't know a window manager that doesn't place the window like you prefer\\n> if you specify the position and size like above.\\n\\nSorry, but olwm and tvtwm don't do it. They place the title at that position\\nand the window at a position below it.\\n\\nThis becomes a problem when you want a program to be able to save its current\\nconfiguration and restore is later.\\n\\nCurrently, my solution is:\\n\\n\\tXCreateWindow(...);\\n\\tXSetWMProperties(..);\\n\\tXMapWindow(...);\\n\\tXFlush(...);\\n\\tXMoveWindow(...);\\n\\n\\nIt works with olwm, but is less than elegant. All this leaves me wondering\\nif I'm overlooking something obvious.\\n\\nRichard.\\n\\n\",\n", + " 'From: sera@zuma.UUCP (Serdar Argic)\\nSubject: Nazi Armenian Philosophy: Race above everything and before everything.\\nReply-To: sera@zuma.UUCP (Serdar Argic)\\nDistribution: world\\nLines: 155\\n\\nIn article <1993Apr19.234534.18368@kpc.com> henrik@quayle.kpc.com writes:\\n\\n> Buch of CRAP and you know it. Nagarno-Karabagh has ALWAYS been PART \\n> of ARMENIA and it was STALIN who GAVE IT to the AZERIS. Go back and\\n> review the HISTORY. \\n\\nIf a \\'dog\\'s prayers were answered, bones would rain from the sky.\\nDid you know that the word \\'Karabag\\' itself is a \\'Turkish\\' name? \\nBefore 1827, before the Russians and their \\'zavalli kole\\' Armenians, \\ndrove all the Turks/Muslims out, it was a Turkish majority town. Well,\\nanyway, it is not surprising that Armenians also collaborated with the \\nNazis.\\n\\n \"Wholly opportunistic the Dashnaktzoutun have been variously\\n pro-Nazi, pro-Russia, pro-Soviet Armenia, pro-Arab, pro-Jewish,\\n as well as anti-Jewish, anti-Zionist, anti-Communist, and \\n anti-Soviet - whichever was expedient.\"[1]\\n\\n[1] John Roy Carlson (Arthur Derounian), \\'Cairo to Damascus,\\' \\n Alfred A. Knopf, New York, 1951, p. 438.\\n \\nAs a dear friend put it, the Tzeghagrons (Armenian Racial Patriots) \\nwas the youth organization of the Dashnaktzoutun. It was based in\\nBoston (where ASALA/SDPA/ARF Terrorism Triangle is located) but \\nhad followers in Armenian colonies all over the world. Literally\\nTzeghagron means \\'to make a religion of one\\'s race.\\' The architect\\nof the Armenian Racial Patriots was Garegin Nezhdeh, a Nazi Armenian\\nwho became a key leader of collaboration with Hitler in World War II.\\nIn 1933, he had been invited to the United States by the Central\\nCommittee of the Dashnaktzoutun to inspire and organize the \\nAmerican-Armenian youth. Nezhdeh succeeded in unifying many local\\nArmenian youth groups in the Tzeghagrons. Starting with 20\\nchapters in the initial year, the Tzeghagrons grew to 60 chapters\\nand became the largest and most powerful Nazi Armenian organization.\\nNezhdeh also provided the Tzeghagrons with a philosophy:\\n\\n \"The Racial Religious beliefs in his racial blood as a deity.\\n Race above everything and before everything. Race comes first.\"[1]\\n\\n[1] Quoted in John Roy Carlson (real name Arthur Derounian), \"The\\n Armenian Displaced Persons,\" in \\'Armenian Affairs,\\' Winter,\\n 1949-50, p. 19, footnote.\\n\\n\\nNow wait, there is more.\\n\\nTHE GRUESOME extent of February\\'s killings of Azeris by Armenians\\nin the town of Hojali is at last emerging in Azerbaijan - about\\n600 men, women and children dead in the worst outrage of the\\nfour-year war over Nagorny Karabakh.\\n\\nThe figure is drawn from Azeri investigators, Hojali officials\\nand casualty lists published in the Baku press. Diplomats and aid\\nworkers say the death toll is in line with their own estimates.\\n\\nThe 25 February attack on Hojali by Armenian forces was one of\\nthe last moves in their four-year campaign to take full control\\nof Nagorny Karabakh, the subject of a new round of negotiations\\nin Rome on Monday. The bloodshed was something between a fighting\\nretreat and a massacre, but investigators say that most of the\\ndead were civilians. The awful number of people killed was first\\nsuppressed by the fearful former Communist government in Baku.\\nLater it was blurred by Armenian denials and grief-stricken\\nAzerbaijan\\'s wild and contradictory allegations of up to 2,000\\ndead.\\n\\nThe State Prosecuter, Aydin Rasulov, the cheif investigator of a\\n15-man team looking into what Azerbaijan calls the \"Hojali\\nDisaster\", said his figure of 600 people dead was a minimum on\\npreliminary findings. A similar estimate was given by Elman\\nMemmedov, the mayor of Hojali. An even higher one was printed in\\nthe Baku newspaper Ordu in May - 479 dead people named and more\\nthan 200 bodies reported unidentified. This figure of nearly 700\\ndead is quoted as official by Leila Yunusova, the new spokeswoman\\nof the Azeri Ministry of Defence.\\n\\nFranCois Zen Ruffinen, head of delegation of the International\\nRed Cross in Baku, said the Muslim imam of the nearby city of\\nAgdam had reported a figure of 580 bodies received at his mosque\\nfrom Hojali, most of them civilians. \"We did not count the\\nbodies. But the figure seems reasonable. It is no fantasy,\" Mr\\nZen Ruffinen said. \"We have some idea since we gave the body bags\\nand products to wash the dead.\"\\n\\nMr Rasulov endeavours to give an unemotional estimate of the\\nnumber of dead in the massacre. \"Don\\'t get worked up. It will\\ntake several months to get a final figure,\" the 43-year-old\\nlawyer said at his small office.\\n\\nMr Rasulov knows about these things. It took him two years to\\nreach a firm conclusion that 131 people were killed and 714\\nwounded when Soviet troops and tanks crushed a nationalist\\nuprising in Baku in January 1990.\\n\\nThose nationalists, the Popular Front, finally came to power\\nthree weeks ago and are applying pressure to find out exactly\\nwhat happened when Hojali, an Azeri town which lies about 70\\nmiles from the border with Armenia, fell to the Armenians.\\n\\nOfficially, 184 people have so far been certified as dead, being\\nthe number of people that could be medically examined by the\\nrepublic\\'s forensic department. \"This is just a small percentage\\nof the dead,\" said Rafiq Youssifov, the republic\\'s chief forensic\\nscientist. \"They were the only bodies brought to us. Remember the\\nchaos and the fact that we are Muslims and have to wash and bury\\nour dead within 24 hours.\"\\n\\nOf these 184 people, 51 were women, and 13 were children under 14\\nyears old. Gunshots killed 151 people, shrapnel killed 20 and\\naxes or blunt instruments killed 10. Exposure in the highland\\nsnows killed the last three. Thirty-three people showed signs of\\ndeliberate mutilation, including ears, noses, breasts or penises\\ncut off and eyes gouged out, according to Professor Youssifov\\'s\\nreport. Those 184 bodies examined were less than a third of those\\nbelieved to have been killed, Mr Rasulov said.\\n\\nFiles from Mr Rasulov\\'s investigative commission are still\\ndisorganised - lists of 44 Azeri militiamen are dead here, six\\npolicemen there, and in handwriting of a mosque attendant, the\\nnames of 111 corpses brought to be washed in just one day. The\\nmost heartbreaking account from 850 witnesses interviewed so far\\ncomes from Towfiq Manafov, an Azeri investigator who took a\\nhelicopter flight over the escape route from Hojali on 27\\nFebruary.\\n\\n\"There were too many bodies of dead and wounded on the ground to\\ncount properly: 470-500 in Hojali, 650-700 people by the stream\\nand the road and 85-100 visible around Nakhchivanik village,\" Mr\\nManafov wrote in a statement countersigned by the helicopter\\npilot.\\n\\n\"People waved up to us for help. We saw three dead children and\\none two-year-old alive by one dead woman. The live one was\\npulling at her arm for the mother to get up. We tried to land but\\nArmenians started a barrage against our helicopter and we had to\\nreturn.\"\\n\\nThere has been no consolidation of the lists and figures in\\ncirculation because of the political upheavals of the last few\\nmonths and the fact that nobody knows exactly who was in Hojali\\nat the time - many inhabitants were displaced from other villages\\ntaken over by Armenian forces.\\n\\nTHE INDEPENDENT, London, 12/6/\\'92\\n\\nSerdar Argic\\n\\n \\'We closed the roads and mountain passes that \\n might serve as ways of escape for the Turks \\n and then proceeded in the work of extermination.\\'\\n (Ohanus Appressian - 1919)\\n \\'In Soviet Armenia today there no longer exists \\n a single Turkish soul.\\' (Sahak Melkonian - 1920)\\n\\n\\n',\n", + " 'From: dbd@urartu.sdpa.org (David Davidian)\\nSubject: Five Russian soldiers sentenced to death in Azerbaijan\\nOrganization: S.D.P.A. Center for Regional Studies\\nLines: 53\\n\\n \\nMay 13, 1993 _Five Russian soldiers sentenced to death in Azerbaijan_\\n \\nMOSCOW (UPI) -- Five soldiers who served in Russia\\'s 7th army stationed in\\nArmenia were sentenced to death in the Azerbaijani capital Baku Thursday for\\nallegedly \"carrying out diversions and killing 30 Azeri soldiers.\" \\n\\nA statement released by the news service of Azeri President Abulfaz Elchibey\\nsaid \"the sentence was final and was not subject to protest or appeal,\" the \\nRussian state news agency Itar-tass reported. \\n\\nBut the Russian Foreign Ministry issued an appeal for the men to be handed\\nover to the authorities in Moscow for punishment. \\n\\n\"This would accord with modern standards of humanity towards those who have\\ncommitted crimes,\" the statement reads. \\n\\nThe five men, together with another soldier who received a 15-year prison\\nsentence, were captured in September 1992 by Azeri police in the Kelbadzhar\\ndistrict of Azerbaijan, between Nagorno-Karabakh and Armenia. \\n\\nThe Supreme Court in Baku said the men had gone through special training in a\\ncompany of the Russian 7th army in the Armenian capital Yerevan, after which\\nthey were sent across the Armenian-Azeri border into Nagorno-Karabakh to \\ncarry out diversions against Azeri troops. \\n\\nHowever, the Russian Foreign Ministry statement claimed they had deserted the\\nRussian army and were fighting as mercenaries with Armenian armed forces in\\nthe battle zone round Karabakh. \\n\\nNagorno-Karabakh is an Armenian-populated enclave within Azerbaijan which for\\nfive years has been fighting for independence from Baku in a war that has\\nleft many thousands dead and uprooted hundreds of thousands from their homes. \\n\\nBoth Yerevan and Baku have always claimed that Russian servicemen stationed\\nin these Caucasian republics, who were left behind after the break-up of the \\nSoviet Union, are fighting as mercenaries in the Karabakh war. \\n\\nThe statement from Moscow said the Russian side repeatedly appealed to the\\nAzerbaijani government to show humanity and leniency in their treatment of the\\nsix men, and to hand them over to the Russian authorities. \\n\\nIt said that President Boris Yeltsin himself sent a letter with this request \\nto his Azeri counterpart Elchibey. Itar-tass said that the soldiers\\' defense\\nattorneys had lodged an appeal for clemency. \\n \\n \\n\\n-- \\nDavid Davidian dbd@urartu.sdpa.org | \"Armenia has not learned a lesson in\\nS.D.P.A. Center for Regional Studies | Anatolia and has forgotten the \\nP.O. Box 382761 | punishment inflicted on it.\" 4/14/93\\nCambridge, MA 02238 | -- Late Turkish President Turgut Ozal \\n',\n", + " \"Subject: PC BOARD Layout Help\\nFrom: \\nOrganization: City University of New York\\nLines: 8\\n\\nHi, I have a few questions about laying out a PCB. I am using easytrax for dos\\nwhich is a great program. But what my question is When laying out traces what\\nthickness should they be? I am mainly designing low voltage low current boards\\nfor micro controller apps. What should pad sizes be for resistors? I will be\\nturning to a commercial PCB maker to produce 1's of these boards and I was\\nwondering what is the minimum distance traces should be from each other. Well\\nany info would be great. Thanks.\\n Anton\\n\",\n", + " \"From: angel@Foghorn_Leghorn.coe.northeastern.edu (Kirill Shklovsky)\\nSubject: Re: Tempest\\nOrganization: Northeastern University\\nDistribution: na\\nLines: 31\\n\\nIn article <1993Apr26.104320.10398@infodev.cam.ac.uk> rja14@cl.cam.ac.uk (Ross Anderson) writes:\\n>I'm afraid this doesn't work either. We can pick up laptop screens without any\\n>problem.\\n>\\n>Most of the so-called `low radiation' monitors are also useless. The description\\n>turns out to a marketing assertion rather than an engineering one.\\n>\\n>We thought there might be a market for a monitor which was not as hugely\\n>expensive as the military Tempest kit, but which was well enough shielded to\\n>stop eavesdropping using available receivers. We built a prototype, it works,\\n>and it's still sitting on my lab bench. Commercial interest was exactly zero.\\n>\\n>In the absence of open standards, a monitor which really is `low radiation'\\n>(and costs 500 dollars more) can't compete against a monitor which just\\n>claims to be `low radiation' (and whose only extra cost of production is the\\n>pretty blue sticker on the box).\\n>\\n>Ross\\n\\nI heard somewhere (can't name the source) that TEMPEST does not necessarily\\npick-up just CRTs, but it can pick up emissions from almost any chip. If\\nthat is true, the kind monitor would not make any difference becuase everything\\non the screen can be picked-up from the video controller. Can anybody verify\\nor refute this?\\n\\n * Angel@foghorn_leghorn.coe.northeastern.edu\\n * * * * BTW: These are my opinions, and not that of any other entity\\n- * * * * * * ------------------------------------------------------------*\\n * * * My god, its full of stars! - Dave\\n * I don't know about you, but we've got company! - Epidemic\\n\\n\",\n", + " \"From: horan@cse.unl.edu (Mark Horan)\\nSubject: Re: Best Second Baseman?\\nArticle-I.D.: crcnis1.1pqvusINNmjm\\nDistribution: usa\\nOrganization: University of Nebraska--Lincoln\\nLines: 29\\nNNTP-Posting-Host: cse.unl.edu\\n\\nthf2@ellis.uchicago.edu (Ted Frank) writes:\\n\\n>In article <1993Mar29.044248.16010@sarah.albany.edu> js8484@albnyvms.bitnet writes:\\n>>Personally, I think that Alomar is all hype. He is producing incredibly now,\\n>>but in the long run, he will never put up the numbers that Sandberg has. For\\n>>THIS moment, Alomar may be the best, but overall Sandberg wins out by a long\\n>>shot.\\n\\n>When Sandberg was Alomar's age, he was putting up .261 seasons with no power.\\n>Alomar's 1992 OBA is 25 points higher than Sandberg's career high. Alomar's\\n>career high in doubles and triples is higher than Sandberg's. Sandberg is\\n>still better than Alomar, but only because Alomar hasn't reached his full\\n>potential yet. Alomar's got a 2.5 year-headstart on Sandberg (he has 862\\n>hits; Sandberg didn't have 862 hits until he was 26), and is likely to\\n>put up better career numbers than Sandberg in everything except home runs.\\n>He'll pass Sandberg in stolen bases sometime in 1995.\\n\\nSandberg is not particulary known for his stolen bases. What competition did \\nAlomar have? Sandberg came in a year after Ripken, and the same year as Boggs,\\nGwynn, and the other magicians. So less attention was given to Sandberg. \\nAlomar is the only one in his class to be worth a mediocre. Besides the \\nnumbers don't count. National league pitchers are much better pitchers. \\n\\nLarry on someone elses account \\n--\\n\\nMark Horan --\\nhoran@cse.unl.edu \\nianr053@unlvm\\n\",\n", + " 'From: Lars Sundstrom \\nSubject: Re: Duo price reduction?\\nX-Xxmessage-Id: \\nX-Xxdate: Fri, 23 Apr 93 12:23:59 GMT\\nNntp-Posting-Host: pomona\\nOrganization: Department of Applied Electronics\\nX-Useragent: Nuntius v1.1.1d17\\nLines: 23\\n\\n>>And the Michigan State University pricing of the 210:\\n>\\n>> SYSTEMS-POWERBOOK DUO PORTABLE\\n>> \\n>> M4161LL/A MAC PowerBook Duo 210 - 4M RAM/80M HD \\n1528.98\\n>> \\n>> *PROMOTION* Expires: 06/13/93\\n ^^^^^^^^\\n\\nHmm, new Duo machines to be released 07/13/93 ?\\n\\n\\nSincerely,\\nLars\\n\\n>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>\\nLars Sundstrom Email: sund@tde.lth.se \\nLund University Phone: Int+ 46 46 10 95 13 \\nDept. of Applied Electronics Fax : Int+ 46 46 12 99 48\\nP.O. Box 118\\nS-221 00 LUND\\nSWEDEN\\n',\n", + " 'From: \"Mohammad Al-Ansari\" \\nSubject: CACHE or Micronics EISA/VLB Motherboard?\\nOrganization: Indiana University Computer Science, Bloomington\\nLines: 27\\n\\n\\nThis might be a silly question but I have to ask it anyway. I am in\\nthe process of purchasing an EISA/VL Bus 486 DX2-66 computer and I\\nfound two places that sell machines that have what I want and have the\\nsame price. The first is Ares and they use a Cache motherboard (that\\'s\\nthe brand of the motherboard) with OPTI chip set, the other is Micron\\n(formerly Edge Technology) and they use the Micronics EISA/VLB\\nmotherboard.\\n\\nI said that this might be a silly question since I believe that\\nMicronics is a very well known motherboard manufacturer while I never\\nheard of Cache! I am however leaning towards the Ares machine because\\nmy impression is that they are known for building good, solid machines\\nand they have good tech support (24 hr, 7 days/wk), and a better\\nwarrantee (2 years). Micron, on the other hand, seems to have\\nrecently aquired Edge Technologies and I\\'m not sure how much I should\\ntrust the company.\\n\\nI would REALLY appreciate any input on this. Is the Micron machine the\\nclear choice? Does anyone know anything positive or negative about\\neither company? Has anyone ever heard of Cache motherboards? Should I\\ngo with Micron just because it has the Micronics motherboard? etc.\\n\\nThanks very much in advance for any information.\\n\\n--\\nMohammad Al-Ansari\\n',\n", + " 'From: vanderby@mprgate.mpr.ca (David Vanderbyl)\\nSubject: Re: Lead ACid Batteries Part 2!!!\\nNntp-Posting-Host: chip\\nReply-To: vanderby@mprgate.mpr.ca (David Vanderbyl)\\nOrganization: MPR Teltech Ltd.\\nLines: 80\\n\\n>The lead-acid secondary cell releases energy (electricity) with the following\\n>chemical reaction:\\n> \\n>Pb + PbO2 + 2H2SO4 --> 2PbSO4 + 2H20\\n> \\n>Lead and Lead (IV) Oxide and Sulfuric Acid produce Lead Sulfate and Water\\n[heats of formation deleted]\\n>The heat of reaction at 25 C is therefore -60.6 kcal per mole PbSO4 produced.\\n>Note that lead sulfate is not very soluble (0.0048 grams per 100 grams water\\n>at 25 C), and it will thus precipitate out of solution where the reaction is\\n>occurring, or the cathode (positive terminal) of the battery. (I am almost\\n>sure it is the positive terminal where the precipitate forms, but I may be\\n>wrong. Oh well, I don\\'t have a corroded battery to corrobate, and I don\\'t feel\\n>like thinking through it right now.)\\n\\nThe major problem with this is that the reaction takes place in an ACID solution.\\nPbSO4 is soluble in an acid solution and will not precipitate out. Also, H2SO4\\nis in a water solution as 2H30+ and SO4--. Thus the heats of formation of\\nPbSO4 and H2SO4 are for the most part irrelevant.\\n\\n>What is important to notice here is that the reaction, as you knew it would be,\\n>is exothermic, or energy discharging.\\n\\nAs it turns out the reaction is indeed exothermic (heat producing).\\n(More about this later.)\\n\\nWhat actually happens to make the battery completely useless is this:\\n(we\\'re talking lead-acid batteries of course)\\nThe battery slowly self discharges. As this discharge takes place two things\\nhappen. -The level of Pb++ ions in the acid solution increases (i.e. the lead\\n and lead oxide plates are dissolved).\\n -The level of H30+ ions in the acid solution decreases (i.e. the solution\\n becomes less acidic, or more like water if you like).\\nNow, as the post to which I am responding correctly stated, PbSO4 will precipitate\\nin a WATER (non-acid) solution. When the battery dies (i.e. is fully discharged)\\nwe end up with a high concentration of Pb++ and SO4-- in water. So PbSO4\\nforms in the solution and FALLS TO THE BOTTOM OF THE BATTERY (of course this\\nhappens in varying degrees, the more discharged, the more precipitate forms).\\n\\nThe precipitate forms a conductive layer on the bottom of the battery. If\\nthere is enough of the lead and lead oxide plates left to touch the precipitate\\n(more common in a newer battery) a dead short results.\\n\\nI have seen products in automotive shops to correct this condition, but they\\nare for the most part useless. They can dissolve the PbSO4 but cannot restore\\nthe lead and lead oxide plates properly. You may have some success with\\nthese products for a newer battery.\\n\\n[stuff deleted]\\n>To understand why lead-acid batteries DO INDEED discharge faster when stored on\\n>concrete as opposed to wood or earth (dirt), one should recall LeChatelier\\'s\\n>Principle, which can be paraphrased as: anything subjected to some stress will\\n>act to move to a more comfortable position. Here are the thermal conductivities\\n>of a some selected materials:\\n[stuff deleted]\\n>This is where LeChatelier\\'s principle comes into play. Removing energy from\\n>the exothermic reaction will drive the reaction further to completion. If the\\n>reaction normally occurs at room temperature, keeping the battery at that\\n>temperature requires the removal of any heat produced. A concrete surface is\\n>a better heat sink than a dirt or wood surface. Store a battery in the corner\\n>of a poured concrete basement, and you have 3 surfaces removing energy, which\\n>\"pulls\" the reaction along.\\n\\nThis stuff is just made up by the author and is completely invalid.\\nIn fact the discharge reaction takes place at a higher rate at higher\\ntemperatures. A logical consequence of the above argument is this:\\n\"If you really want your car to start, lower the battery temperature to\\n -50 to \\'pull\\' the reaction along.\" We all know from experience (at\\n least those of us in Canada do (it gets cold up here)) that this is\\nnot true. If we want to start our car on a really cold day we warm\\nthe battery.\\n\\n(Besides which, there is not enough energy released through self discharge\\n to appreciably raise the temperature. The air would amply dissipate any\\n such heat, whether the bottom of the battery was insulated or not. This\\n is of course irrelevant, since you would WANT the battery to be cool\\n during storage.)\\n\\nJust keep the battery in a cool dry place and keep it charged!\\n\\n',\n", + " 'From: pgupta@magnus.acs.ohio-state.EDU (Puneet K Gupta)\\nSubject: WordBasic - Visual Basic - Macros/Template ???\\nOrganization: The Ohio State University\\nLines: 31\\nNNTP-Posting-Host: charm.magnus.acs.ohio-state.edu\\n\\n\\nI am working with Visual Basic v2.0 for windows.\\nSpecifically, I am working on an application that generates formatted reports.\\nSince, some of these reports can be rather large, my first question is:\\n\\n1. Is there a way to increase the size of a list box or text box in\\nVisual Basic/windows beyond the 64k limit?\\n\\nAs I have not (as yet - being optimistic :-) come across a way to get\\naround the above problem, I am working on the following approach:\\n\\nI am trying to create my own defined template in MS-Word, using the\\nWordBasic Macros so that I can open up Word from Visual Basic(VB) and load\\nthis template of mine, which will work in the following way:\\n\\nIt will first open MyOwn.INI file (created in VB - at the time when the\\nuser selected the kind of report he weanted) and read the section from the\\n.INI file and jump to the appropriate code in template - which will then\\nopen and read a file pertaining to the section it read from the .INI file.\\n\\n1. When using the GetProfileString function in WordBasic, is there a way\\nto specify/change the default .INI file (which is win.ini) to MyOwn.INI file?\\n\\n2. When using the file Input$ function in WordBasic - is there a way to\\nread more than the 32k at one time?\\n\\n---\\nAny help will be appreciated.\\n\\npgupta@magnus.acs.ohio-state.edu\\n\\n',\n", + " 'From: gmc@cthulhu.semi.harris.com \\nSubject: Re: What is Zero dB????\\nNntp-Posting-Host: cthulhu.mlb.semi.harris.com\\nOrganization: Analog\\nLines: 57\\n\\nIn article <1993Apr6.132429.16154@bnr.ca>\\n moffatt@bnr.ca (John Thomson) writes:\\n\\n >Joseph Chiu (josephc@cco.caltech.edu) wrote:\\n >\\n >: Thus, a deciBell (deci-, l., tenth of + Bell) is a fractional part of the\\n >: original Bell. For example, SouthWestern Bell is a deciBell.\\n >\\n >Out of what hat did you pull this one? dB is a ratio not an RBOC!\\n >\\n >: And the measure of current, Amp, is actually named after both the AMP company\\n >: and the Amphenol company. Both companies revolutionized electronics by\\n >: simulatenously realizing that the performance of connectors and sockets\\n >: were affected by the amount of current running through the wires.\\n >\\n >Sorry. The unit for current is the AMPERE which is the name of a french-man\\n >named AMPERE who studied electrical current. The term AMP is just an abbreviation\\n >of it. The company AMP came after the AMPERE unit was already in use.\\n >\\n >: The Ohmite company was the first to characterize resistances by numbers,\\n >: thus our use of the Ohms...\\n >\\n >I don\\'t know about this one, but it doesn\\'t sound right.\\n >\\n >:\\n >: Alexander Graham Bell, actually, is where Bell came from...\\n >Well you got one thing right!\\n >:\\n\\nActually, I think J. Chiu knows the score and is just being\\nsilly. However, \"decibel\" is in fact 1/10th of a bel. He is\\nright on that one, but I don\\'t know if it was accidental or not.\\n\\nStrictly defined, a bel is the ratio of the log of two power levels,\\nand a decibel is 1/10th of a bel so you have 10X decibels for every bel,\\nhence bel=log(P2/P1) and decibel=10Xlog(P2/P1).\\n\\nThe bel, ohm, volt, farad, ampere, watt, hertz, henry, etc. are\\nall named for pioneers in the field. It\\'s a traditional and fine\\nway to honor researchers who discover new knowledge in a new field.\\nHertz was one of the most important of the early electronics explorers,\\nbut had been left out in having a term or unit named after him\\nuntil recently, (1960\\'s, prior to that what is now a hertz was a cps.)\\nAll the other units were defined many decades earlier.\\n\\n\\n \\n\\n\\n-- \\n----------------------------------------------------------------------\\n\\n\\n\\n\\n----------------------------------------------------------------------\\n\\n',\n", + " 'From: hollombe@polymath.tti.com (The Polymath)\\nSubject: Re: Dillon puts foot in mouth, film at 11\\nOrganization: The Cat Factory & Mushroom Farm\\nLines: 20\\n\\nIn article <199304160443.AA25231@sun.Panix.Com> justice@Panix.Com (Michael Justice) writes:\\n}Dillon has published a letter in the Blue Press telling people\\n}\"How to Bankrupt HCI\" by requesting information from them.\\n}\\n}Last time this idea went around in rec.guns, a couple of people\\n}said that HCI counts all information requestors as \"members\".\\n}\\n}Can anyone confirm or deny this?\\n}\\n}If true, what\\'s the impact of HCI getting a few thousand new\\n}members?\\n\\nLast I heard, HCI had something like 250K members to the NRA\\'s 3 million.\\nIf true, and they want to play duelling mandates, well ...\\n\\nThe Polymath (aka: Jerry Hollombe, M.A., CDP, aka: hollombe@polymath.tti.com)\\nHead Robot Wrangler at Citicorp Laws define crime.\\n3100 Ocean Park Blvd. (310) 450-9111, x2483 Police enforce laws.\\nSanta Monica, CA 90405 Citizens prevent crime.\\n\\n',\n", + " \"From: ljones@utkvx.utk.edu (Leslie Jones)\\nSubject: Re: I want MacWeek\\nNews-Software: VAX/VMS VNEWS 1.41 \\nOrganization: University of Tennessee Computing Center\\nLines: 16\\n\\nIn article <1993Apr21.224250.19772@leland.Stanford.EDU>, smashman@leland.Stanford.EDU (Adam Samuel Nash) writes...\\n> \\n> \\n>How do I get a subscription to MacWeek. I want one, but I don't seem to be able\\n>to find a subscription card anywhere.\\n> \\n>email smashman@leland.stanford.edu\\n\\nI just ordered my subscription today. Call MacWeek's Customer Service\\nDept. at (609) 461-2100 and quote some plastic. If you forget the number,\\nit's included in the statement of ownership, which is on the contents \\npage of the copy I have. A one year subscription costs $99.00 in the U.S,\\nCanada, or Mexico. I was told my first issue would arrive in 4-6 weeks.\\n\\nLeslie Jones\\nljones@utkvx.utk.edu\\n\",\n", + " 'From: root@c1.nkw.ac.uk (Convex UNIX)\\nSubject: re: Help with WinQVT\\nReply-To: tb@ua.nbu.ac.uk\\nOrganization: Natural Environment Research Council\\nLines: 4\\n\\n\\nI had a similar problem - try changing the netmask to 0.0.0.0 or 255.255.254.0\\n\\nTommy.\\n',\n", + " \"From: dscy@eng.cam.ac.uk (D.S.C. Yap)\\nSubject: Re: This year's biggest and worst (opinion)...\\nKeywords: NHL, awards\\nOrganization: cam.eng\\nLines: 12\\nNntp-Posting-Host: club.eng.cam.ac.uk\\n\\nsmale@healthy.uwaterloo.ca (Bryan Smale) writes:\\n\\n> Team Biggest Biggest\\n>Team: MVP: Surprise: Disappointment:\\n>-----------------------------------------------------------------------\\n>Washington Capitals Hatcher Bondra/Cote Elynuik\\n>Winnipeg Jets Selanne Selanne Druce\\n\\n ^^^^^^^^\\n weren't these two\\n traded for each\\n other? Poetic justice.\\n\",\n", + " \"From: markz@ssc.com (Mark Zenier)\\nSubject: Re: Can I use a CD4052 analog multiplexer for digital signals?\\nOrganization: SSC, Inc., Seattle, WA\\nX-Newsreader: TIN [version 1.1 PL6]\\nLines: 13\\n\\nTall Cool One (rky57514@uxa.cso.uiuc.edu) wrote:\\n: As the subject says - Can I use a 4052 for digital signals? I don't see\\n: why it couldn't handle digital signals, but I could be wrong. Anyone have\\n: any advice? Thanks.\\n\\nThe switches have a non-negligable on resistance (up to 1k ohm when\\npowered by 5 volts) and a maximum current and a Maximum Static\\nVoltage Across Switch. Not a good bet for TTL. Should work for\\nCMOS, but slow things down a bit. There are 74HC versions that\\nhave better specs. but lower max voltage.\\n\\nMark Zenier markz@ssc.wa.com markz@ssc.com \\n\\n\",\n", + " \"From: kph2q@onyx.cs.Virginia.EDU (Kenneth Hinckley)\\nSubject: VOICE INPUT -- vendor information needed\\nReply-To: kph2q@onyx.cs.Virginia.EDU (Kenneth Hinckley)\\nOrganization: University of Virginia\\nLines: 27\\n\\n\\nHello,\\n I am looking to add voice input capability to a user interface I am\\ndeveloping on an HP730 (UNIX) workstation. I would greatly appreciate \\ninformation anyone would care to offer about voice input systems that are \\neasily accessible from the UNIX environment. \\n\\n The names or adresses of applicable vendors, as well as any \\nexperiences you have had with specific systems, would be very helpful.\\n\\n Please respond via email; I will post a summary if there is \\nsufficient interest.\\n\\n\\nThanks,\\nKen\\n\\n\\nP.S. I have found several impressive systems for IBM PC's, but I would \\nlike to avoid the hassle of purchasing and maintaining a separate PC if \\nat all possible.\\n\\n-------------------------------------------------------------------------------\\nKen Hinckley (kph2q@virginia.edu)\\nUniversity of Virginia \\nNeurosurgical Visualization Laboratory\\n-------------------------------------------------------------------------------\\n\",\n", + " 'From: tclock@orion.oac.uci.edu (Tim Clock)\\nSubject: Re: Freedom In U.S.A.\\nNntp-Posting-Host: orion.oac.uci.edu\\nOrganization: University of California, Irvine\\nLines: 23\\n\\nIn article <1993Apr27.024858.13271@cs.ucla.edu> steven@surya.cs.ucla.edu (Steven Berson) writes:\\n>ab4z@Virginia.EDU (\"Andi Beyer\") writes:\\n>\\n>>\\tVirginia.edu is true to its founding father, Thomas\\n>>Jefferson the author of the bill of rights, in allowing freedom\\n>>of speach. Sorry you guys in israel have a hard time with the\\n>>concept.\\n>\\n>Jefferson was not the author of the Bill of Rights. My history\\n>books aren\\'t here, but Jefferson might have been in the group\\n>that did not think that enumerating rights was necessary.\\n>Cheers,\\n>Steven Berson UCLA Computer Science Department (310) 825-3189\\n\\nLook out... We have the beginnings of a donnybrook between one of them\\nliberal, artsy-fartsy western schools and an ossified, establishment \\neastern university. :-)\\n\\n--\\nTim Clock Ph.D./Graduate student\\nUCI tel#: 714,8565361 Department of Politics and Society\\n fax#: 714,8568441 University of California - Irvine\\nHome tel#: 714,8563446 Irvine, CA 92717\\n',\n", + " 'From: Steve.Hayes@f22.n7101.z5.fidonet.org\\nSubject: MAJOR VIEWS OF THE TRINITY\\nLines: 22\\n\\n04 May 93, D. Andrew Byler writes to All:\\n\\n DAB> I think I need to again post the Athanasian Creed, whicc pretty well\\n DAB> delinieates orthodox Christian belief on the Trinity, and on the\\n DAB> Incarnation.\\n\\n DAB> It\\'s a pretty good statement of the beliefs eventually accpeted, and the\\n DAB> Creed is in use by the Catholic Church, as well as the Lutheran,\\n DAB> Anglican, and Orthodox churches (the last minus the filioque, which they\\n DAB> delete from the original form of the creed).\\n\\nDo you have any evidence that it is used by the Orthodox Churches?\\n\\nAs far as I know it is purely Western, like the \"Apostles\\' Creed\". The\\nOrthodox Churches use the \"Symbol of Faith\", commonly called \"The\\nNicene Creed\".\\n\\nSteve Hayes\\nDepartment of Missiology\\nUniversity of South Africa\\n\\n--- GoldED 2.40\\n',\n", + " 'From: crphilli@hound.dazixca.ingr.com (Ron Phillips)\\nSubject: Re: Armed Citizen - April \\'93\\nNntp-Posting-Host: hound\\nReply-To: crphilli@hound.dazixca.ingr.com\\nOrganization: \"Intergraph Electronics, Mountain View, CA\"\\nDistribution: usa\\nLines: 30\\n\\nIn article <1993Apr13.162304.16721@lds.loral.com>, kendall@lds.loral.com (Colin Kendall 6842) writes:\\n|> In article <1993Apr5.164728.10847@dazixco.ingr.com> crphilli@hound.dazixca.ingr.com writes:\\n|> >\\n|> >THE ARMED CITIZEN\\n|> >+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++\\n|> >Mere presence of a firearm, without a shot being fired, prevents\\n|> >crime in many instances, as shown by news reports sent to The\\n|> >Armed Citizen. \\n|> \\n|> Perhaps so, but note that of the accounts cited, there was only\\n|> one in which no shot was fired. Of the other twelve, five\\n|> described cases in which the assailant was wounded by a shot,\\n|> and six described cases in which the assailant was killed by a\\n|> shot.\\n\\nAnd, had not these citizens accepted the moral responsibility to\\nprotect their own lives, there could well have been at least\\n13 innocent victims lying dead and several criminals still out \\nwalking the streets perpetrating their crimes on others.\\n\\n\\n\\n-- \\n**************************************************************\\n* Ron Phillips crphilli@hound.dazixca.ingr.com *\\n* Senior Customer Engineer *\\n* Intergraph Electronics *\\n* 381 East Evelyn Avenue VOICE: (415) 691-6473 *\\n* Mountain View, CA 94041 FAX: (415) 691-0350 *\\n**************************************************************\\n',\n", + " \"From: rjtapp@neumann.uwaterloo.ca (Riston Tapp)\\nSubject: Re: Bruins vs Canadiens:\\nOrganization: University of Waterloo\\nLines: 24\\n\\nIn article <1993Apr16.213513.7683@rose.com> jack.petrilli@rose.com (jack petrilli) writes:\\n>On April 14, richard@amc.com (Richard Wernick) wrote:\\n>\\n>or Boston? You know Sinden's going to find some way of screwing up \\n>even this good Boston team. He'll fire Suter or trade away a vital \\n>star. (Admittedly, his last few trades have been good ones but how \\n>long before his luck runs out and he starts making Esposito-for-\\n>Ratelle type trades again?) \\n>\\n\\nHow was this trade bad? I seem to recall Ratelle and Middleton making a pretty\\ngood centre - right wing combination, and the Bruins also got Brad Park in the\\ndeal (and they also lost Vadnais and somebody else). After the trade, the \\nBruins were in two finals and one semi-final, all of which, of course, they \\nlost to Montreal (which should please you to no end). I doubt, however, keeping\\nEsposito would have made a difference in those series, as he did not for\\nthe Rangers in '79 (or any of his years in Boston, for that matter).\\n\\nRiston\\n-- \\nRiston\\n------\\n _ ___ _\\n\\t //^/o o\\\\^\\\\\\\\\\n\",\n", + " 'From: \"michael flood\" \\nSubject: vlb scsi card suggest\\nReply-To: \"michael flood\" \\nDistribution: comp\\nOrganization: Channel 1 Communications\\nLines: 22\\n\\ngisie@wam.umd.edu (Satan) wrote:\\n\\n> Can someone recommend a decent VESA Local Bus SCSI controller\\n> card? I saw a post for the Ultrastor something or other, and\\n> was wondering if this would be a good choice? I need a supported\\n> card that software like the March NT Beta will recognize.\\n\\nBusLogic just announced the BT445 FAST SCSI-2 VLB Interface as of\\nApril 20. This always happens to me!\\n\\nI have a one week old BT545S which is the ISA version. I am\\nenjoying spectacular performance with a Micropolis MC2105 560mb 10ms\\n3.5\" HH 5200 RPM drive. I\\'ll be changing to the BT445 VERY soon,\\nthough it is difficult to imagine even higher transfer speeds with\\nthe 32bit VESA support.\\n\\nYou can call BusLogic and ask \\'em about the NT question. I hear that\\nthe support is excellent. I have not had to call them myself yet.\\nRegards.\\n--\\nChannel 1 (R) Cambridge, MA\\n\\n',\n", + " \"From: pgf5@cunixb.cc.columbia.edu (Peter Garfiel Freeman)\\nSubject: Re: Argic\\nNntp-Posting-Host: cunixb.cc.columbia.edu\\nReply-To: pgf5@cunixb.cc.columbia.edu (Peter Garfiel Freeman)\\nOrganization: Columbia University\\nLines: 13\\n\\nIn article cosmo@pro-angmar.alfalfa.com (Frank Benson) writes:\\n>You definetly are in need of a shrink, loser!\\n\\n\\nHey cheesedicks, stop sending messages to a guy who's not going to\\nread them. And who cares anyway? \\n\\n\\n\\n\\n\\n\\n\\n\",\n", + " 'From: ebosco@us.oracle.com (Eric Bosco)\\nSubject: Re: emm386 and windows\\nNntp-Posting-Host: monica.us.oracle.com\\nReply-To: ebosco@us.oracle.com\\nOrganization: Oracle Corp., Redwood Shores CA\\nX-Disclaimer: This message was written by an unauthenticated user\\n at Oracle Corporation. The opinions expressed are those\\n of the user and not necessarily those of Oracle.\\nLines: 40\\n\\nIn article ardie@ux1.cso.uiuc.edu \\n(Ardie Mack) writes:\\n> >On my PC I almost exclusively run windows. The only dos based \\napplication \\n> >I have is ProcommPlus. In my config.sys I have emm386 loaded with the \\n> >option noems (no expanded memory). Following a thread in one of the \\ncomp \\n> >newsgroups, I read that it was no necessary to have emm386 loaded. \\nIndeed, \\n> >in the manual, it says that emm386 is used to get expanded memory out \\nof \\n> >extended memory. Since I have the noems option, it seems to me that the \\n> >emm386 device is useless in my case. \\n> >\\n> >Should I use emm386 or should I remove it from my config.sys?\\n> >\\n> >Thanks for your help,\\n> >\\n> >-Eric\\n> \\n> emm386 noems enables the system to use the \"upper memory\" between 640 \\nand \\n> 1024. That\\'s a good place for device drivers, DOS kernal, etc.\\n> (Keep it in!)\\n\\nWell, I thought that highmem.sys would do that too. I just took out emm386 \\nof my config.sys, and I\\'m still loading my other drivers high (mouse, vga \\nshadow bios, dos-key etc.) I haven\\'t checked mem/c, but I believe I have \\nmanaged to load them high (ie between 640KB and 1024KB).\\n\\nAlso, ever since I took out emm386, windows loads slightly faster, I get \\nabout 3 extra meg of freemem in windows (I\\'m running 386 enhanced with 4 \\nMeg RAM, 7 Meg swap) and I got rid of my ctrl-alt del reboot problem \\n(before, the computer would not reboot using ctrl-alt-del after exiting \\nwindows). \\n\\nI would really like to keep emm386 out of my config.sys. Anybody else have \\ninfo on this???\\n\\n-Eric\\n',\n", + " 'From: schneier@chinet.chi.il.us (Bruce Schneier)\\nSubject: Re: An Open Letter to Mr. Clinton\\nOrganization: Chinet - Public Access UNIX\\nLines: 13\\n\\nIn article strnlght@netcom.com (David Sternlight) writes:\\n>\\n>Here\\'s a simple way to convert the Clipper proposal to an unexceptionable\\n>one: Make it voluntary.\\n>\\n>That is--you get high quality secure NSA classified technology if you agree\\n>to escrow your key. Otherwise you are on your own.\\n>\\n\\nAs long as \"you are on your own\" means that you can use your own encryption,\\nI\\'m sold.\\n\\nBruce\\n',\n", + " 'From: luke@aero.org (Robert A. Luke)\\nSubject: Help! Installing old HD on older Compaq XT\\nOrganization: The Aerospace Corporation, El Segundo, CA\\nLines: 27\\nDistribution: world\\nNNTP-Posting-Host: aerospace.aero.org\\n\\nWe are trying to install a donated hard disk (Miniscribe\\nvintage 1988) on a supercheap ancient Compaq XT for\\nuse in education. The only problem is that the\\nsupercheap Compaq didn\\'t come with the manual and I\\nhaven\\'t been able to figure out how to start the SETUP\\nprogram.\\n\\nI began using PCs after 286s were invented, so I have\\na couple of basic questions:\\n\\n1. Did XT-class computers even *have* SETUP programs?\\n\\n2. If they did (or, do), how do I access it?\\n\\nIf anybody has any good advice on how to proceed or\\nwhat to do next or what to look out for, please let me\\nknow. E-mail is best, but I\\'ll also be watching the\\nnewsgroup postings.\\n\\nThanks in advance,\\n-Robert\\n\\n-- \\n-------------------------------------------------------------------------------\\nRobert Luke Internet: luke@aero.org \\nThe Aerospace Corporation CompuServe: 71155,3011\\n\"Danger, Will Robinson!\" \\n',\n", + " 'From: speedy@engr.latech.edu (Speedy Mercer)\\nSubject: Re: Boom! Dog attack!\\nOrganization: Louisiana Tech University\\nLines: 18\\nNNTP-Posting-Host: bhm116e-spc.engr.latech.edu\\n\\nIn article <1993Apr23.233509.4739@dsd.es.com> bgardner@bambam.es.com (Blaine Gardner) writes:\\n>In article BONG@slac.\\nstanford.edu (Eric Bong) writes:>>In article , \\nnak@cbnews.cb.att.com>>(neil.a.kirby) wrote:\\n>> A bicycling technique I\\'ve\\n>>employed was to use my frame mounted tire pump to fend off dog\\n>>attacks.\\n\\nI have a bayonet in the factory scabbard from a Swedish Mouser mounted to \\nthe handlebars of my Zuki\\'. That 10\" blade and my long arms do quite well \\nthank you.\\n\\n ----===== DoD #8177 = Technician(Dr. Speed) .NOT. Student =====----\\n\\n Stolen Taglines...\\n HEY! Where did they go?\\n You don\\'t think .... naahh.\\n\\n',\n", + " \"From: ednclark@kraken.itc.gu.edu.au (Jeffrey Clark)\\nSubject: Re: some thoughts.\\nKeywords: Dan Bissell\\nNntp-Posting-Host: kraken.itc.gu.edu.au\\nOrganization: ITC, Griffith University, Brisbane, Australia\\nLines: 70\\n\\nbissda@saturn.wwc.edu (DAN LAWRENCE BISSELL) writes:\\n\\n>\\tThe book says that Jesus was either a liar, or he was crazy ( a \\n>modern day Koresh) or he was actually who he said he was.\\n\\nOr he was just convinced by religious fantasies of the time that he was the\\nMessiah, or he was just some rebel leader that an organisation of Jews built\\ninto Godhood for the purpose off throwing of the yoke of Roman oppression,\\nor.......\\n\\n>\\tSome reasons why he wouldn't be a liar are as follows. Who would \\n>die for a lie? \\n\\nAre the Moslem fanatics who strap bombs to their backs and driving into\\nJewish embassies dying for the truth (hint: they think they are)? Were the\\nNAZI soldiers in WWII dying for the truth? \\n\\nPeople die for lies all the time.\\n\\n\\n>Wouldn't people be able to tell if he was a liar? People \\n\\nWas Hitler a liar? How about Napoleon, Mussolini, Ronald Reagan? We spend\\nmillions of dollars a year trying to find techniques to detect lying? So the\\nanswer is no, they wouldn't be able to tell if he was a liar if he only lied\\nabout some things.\\n\\n>gathered around him and kept doing it, many gathered from hearing or seeing \\n>someone who was or had been healed. Call me a fool, but I believe he did \\n>heal people. \\n\\nWhy do you think he healed people, because the Bible says so? But if God\\ndoesn't exist (the other possibility) then the Bible is not divinely\\ninspired and one can't use it as a piece of evidence, as it was written by\\nunbiased observers.\\n\\n>\\tNiether was he a lunatic. Would more than an entire nation be drawn \\n>to someone who was crazy. Very doubtful, in fact rediculous. For example \\n\\nWere Hitler or Mussolini lunatics? How about Genghis Khan, Jim Jones...\\nthere are thousands of examples through history of people being drawn to\\nlunatics.\\n\\n>anyone who is drawn to David Koresh is obviously a fool, logical people see \\n>this right away.\\n>\\tTherefore since he wasn't a liar or a lunatic, he must have been the \\n>real thing. \\n\\nSo we obviously cannot rule out liar or lunatic not to mention all the other\\npossibilities not given in this triad.\\n\\n>\\tSome other things to note. He fulfilled loads of prophecies in \\n>the psalms, Isaiah and elsewhere in 24 hrs alone. This in his betrayal \\n\\nPossibly self-fulfilling prophecy (ie he was aware what he should do in\\norder to fulfil these prophecies), possibly selective diting on behalf of\\nthose keepers of the holy bible for a thousand years or so before the\\ngeneral; public had access. possibly also that the text is written in such\\nriddles (like Nostradamus) that anything that happens can be twisted to fit\\nthe words of raving fictional 'prophecy'.\\n\\n>and Crucifixion. I don't have my Bible with me at this moment, next time I \\n>write I will use it.\\n [stuff about how hard it is to be a christian deleted]\\n\\nI severely recommend you reconsider the reasons you are a christian, they\\nare very unconvincing to an unbiased observer.\\n\\nJeff.\\n\\n\",\n", + " \"From: tittle@ics.uci.edu (Cindy Tittle Moore)\\nSubject: Re: Canon BJ200 (BubbleJet) and HP DeskJet 500...\\nKeywords: printer\\nArticle-I.D.: ics.2BD73621.3894\\nReply-To: tittle@ics.uci.edu (Cindy Tittle Moore)\\nOrganization: ICS Dept., UC Irvine\\nLines: 22\\nNntp-Posting-Host: alexandre-dumas.ics.uci.edu\\n\\nI edited a few newsgroup from that line (don't like to crosspost THAT\\nmuch). I can't compare the two, but I recently got an HP DeskJet 500.\\n\\nI'm very pleased with the output (remember that I'm used to imagens,\\nlaser and postscript printers at school -- looks very good. You have\\nto be careful to let it dry before touching it, as it will smudge.\\n\\nThe deskjet is SLOW. This is in comparison to the other printers I\\nmentioned. I have no idea how the bubblejet compares.\\n\\nThe interface between Win3.1 and the printer is just dandy, I've not\\nhad any problems with it.\\n\\nHope that helps some.\\n\\n--Cindy\\n\\n--\\nCindy Tittle Moore\\n\\nInternet: tittle@ics.uci.edu | BITNET: cltittle@uci.bitnet\\nUUCP: ...!ucbvax!ucivax!tittle | Usnail: PO Box 4188, Irvine CA, 92716\\n\",\n", + " 'From: tobias@convex.com (Allen Tobias)\\nSubject: Re: WARNING.....(please read)...\\nNntp-Posting-Host: hydra.convex.com\\nOrganization: CONVEX Computer Corporation, Richardson, Tx., USA\\nX-Disclaimer: This message was written by a user at CONVEX Computer\\n Corp. The opinions expressed are those of the user and\\n not necessarily those of CONVEX.\\nLines: 24\\n\\nIn article <1993Apr15.024246.8076@Virginia.EDU> ejv2j@Virginia.EDU (\"Erik Velapoldi\") writes:\\n>This happened about a year ago on the Washington DC Beltway.\\n>Snot nosed drunken kids decided it would be really cool to\\n>throw huge rocks down on cars from an overpass. Four or five\\n>cars were hit. There were several serious injuries, and sadly\\n>a small girl sitting in the front seat of one of them was struck \\n>in the head by one of the larger rocks. I don\\'t recall if she \\n>made it, but I think she was comatose for a month or so and \\n>doctors weren\\'t holding out hope that she\\'d live.\\n>\\n>What the hell is happening to this great country of ours? I\\n>can see boyhood pranks of peeing off of bridges and such, but\\n>20 pound rocks??! Has our society really stooped this low??\\n>\\n>Erik velapold\\n\\nSociety, as we have known it, it coming apart at the seams! The basic reason\\nis that human life has been devalued to the point were killing someone is\\n\"No Big Deal\". Kid\\'s see hundreds on murderous acts on TV, we can abort \\nchildren on demand, and kill the sick and old at will. So why be surprised\\nwhen some kids drop 20 lbs rocks and kill people. They don\\'t care because the\\nmessage they hear is \"Life is Cheap\"!\\n\\nAT\\n',\n", + " 'From: hughm@brwal.inmos.co.uk (Hugh McIntyre)\\nSubject: Sun3/60 + X11R5 -> undeletable console messages.\\nKeywords: sun sun3 X11R5 console\\nOrganization: INMOS Limited, Bristol, UK\\nLines: 23\\n\\nWe have an old Sun3/60 here which gets occasional use. When X11R5 is started\\non it any console messages during startup are undeletable. After X is fully\\nstarted we run an xterm as the \"console\" - the problem is that any messages\\nthat arrive before this starts go to the plain console. \"Refresh window\" fails\\nto remove them. The messages are a real pain since they sit in the middle of\\nthe screen obscuring anything else below them.\\n\\nAt boot time the 3/60 lists two framebuffers - /dev/cgfour0 and /dev/bwtwo1.\\nWe\\'re running X in color, and I suspect that maybe the offending messages are\\non the B/W framebuffer, and thereby not getting deleted.\\n\\nMy question is: has anyone else seen this, and is there an easy way to get rid\\nof these messages?\\n\\nPlease reply by e-mail to hughm@inmos.co.uk.\\n\\nHugh McIntyre.\\nINMOS Ltd., Bristol, UK.\\n\\n(BTW: SunOS 4.0.3, X11R5, mwm).\\n\\nPS: I know I can redirect output of the relevant commands to /dev/null - I\\'m\\n looking for a more general solution).\\n',\n", + " 'From: andersom@spot.Colorado.EDU (Marc Anderson)\\nSubject: Re: Discussions on alt.psychoactives\\nOrganization: University of Colorado, Boulder\\nLines: 38\\nNntp-Posting-Host: spot.colorado.edu\\n\\nIn article <0fpzY=S00WBOM2Vn1u@andrew.cmu.edu> \"Charles D. Nichols\" writes:\\n>>From: herzog@sierra.lbl.gov (Hanan Herzog)\\n>>Subject: Discussions on alt.psychoactives\\n>>Date: 20 Apr 1993 19:16:25 GMT\\n>> \\n>>Could the people discussing recreational drugs such as mj, lsd, mdma, etc.,\\n>>take their discussions to alt.drugs? Their discussions will receive greatest\\n>>contribution and readership there. The people interested in strictly\\n>>\"smart drugs\" (i.e. Nootropics) should post to this group. The two groups\\n>>(alt.drugs & alt.psychoactives) have been used interchangably lately.\\n>>I do think that alt.psychoactives is a deceiving name. alt.psychoactives\\n>>is supposedly the \"smart drug\" newsgroup according to newsgroup lists on\\n>>the Usenet. Should we establish an alt.nootropics or alt.sdn (smart drugs &\\n>>nutrients)? I have noticed some posts in sci.med.nutrition regarding\\n>>\"smart nutrients.\" We may lower that groups burden as well.\\n>\\n>I beg to disagree with you on this subject. If I recall correctly,\\n>alt.drugs was being flodded by posts like \"how do I grow MJ\" \"How do I\\n>use a bong?\" \"wow, man, I just had the coolest trip\" etc... There were\\n>quite a few people out there who were versed in pharmacology and biology\\n>who wanted to discuss centrally active substabces at a higher level\\n>without all the other crap filling the bandwidth. I would suggest\\n>that you proceed to create a newsgroup dedicated to Nootropics if you\\n>must have one dedicated to them, and leave alt.psychoactives to the\\n>discussion of psychoactives (including nootropics, which are but a small\\n>portion of the realm of centrally active substances).\\n\\nI was wondering if a group called \\'sci.pharmacology\\' would be relevent.\\nThis would be used for a more formal discussion about pharmacological\\nissues (pharmacodynamics, neuropharmacology, etc.)\\n\\nJust an informal proposal (I don\\'t know anything about the net.politics\\nfor adding a newsgroup, etc.)\\n\\n[more alt.psychoactives stuff deleted]\\n\\n-marc\\nandersom@spot.colorado.edu\\n',\n", + " \"From: jgk@osc.COM (Joe Keane)\\nSubject: Re: Hard drive security for FBI targets\\nSummary: Encrypted data looks random.\\nKeywords: entropy\\nReply-To: Joe Keane \\nOrganization: Versant Object Technology\\nLines: 47\\nWeather: mostly cloudy, high 64, low 49\\nMoon-Phase: waxing gibbous (99% of full)\\n\\nIn article <1993Apr2.050451.7866@ucsu.Colorado.EDU> cuffell@spot.Colorado.EDU\\n(Tim Cuffel) writes:\\n>How about this. I create a bunch of sets of random data, and encrypt it. I \\n>keep only one of the sets of random data around, to show that I encypt random\\n>data for kicks. The rest, I delete with their keys. I tell all my friends.\\n>I think this establishes reasonable doubt about the contents of any encrypted\\n>files, and my ability to provides keys. Since anyone could do this, any law\\n>that forces a user to provide keys on demand is worthless.\\n\\nThe law is much worse than worthless. It gives police the power to put\\ninnocent people in jail because they (the police) find something they don't\\nunderstand. Most police don't know what the return key does, never mind the\\ndifference between a core file and classified military secrets.\\n\\nThere are plenty of scenarios where the user would have no idea what something\\nis either. It could be uninitialized junk. The burden of proof is on the\\nuser to show that it's something a normal upstanding citizen should have. No\\none should ever be put in that situation, especially in America.\\n\\nWhat's disgusting about this is how easily most people go along with it, to\\nprovide a bargaining chip against some hypothetical *alleged* child molester\\nor drug dealer, or whatever bad thing is in style at the time. Basically most\\npeople don't have a clear distinction between criminals and suspects.\\n\\nAs an analogy, it's like they find a loose screw in your house, and they\\ninsist that you're building a bomb or machine gun. They ask you where it came\\nfrom (like you'd know), and ask you to prove your claim. When you explain it\\nin such simple terms, people may start to get the idea.\\n\\nAs a matter of fact, i do keep random files on my disk. The reason is,\\nwithout special-purpose hardware, it takes a long time to generate good random\\nbits. I have programs that crank out a couple bits per minute, which is\\npretty conservative, but over time that's more than i need.\\n\\nIf you think about it, there's no point in actually encrypting random data,\\nbecause it just gives you different random data. If you want some data to\\nlook like an encrypted file, you just put an appropriate header on it. If\\nenough people do this, some of them will be put in jail.\\n\\nWhen you get arrested and the police ask for your keys, you can tell them it's\\njust random junk, although of course they won't believe you. While you're\\nsitting in jail, you can take consolation in the fact that the government will\\nburn a few CPU-years trying to find something that's not there.\\n\\n--\\nJoe Keane, amateur cryptologist\\njgk@osc.com (uunet!amdcad!osc!jgk)\\n\",\n", + " \"Distribution: world\\nFrom: Robert_N._Ward@bmug.org\\nOrganization: BMUG, Inc.\\nSubject: Great deal!\\nLines: 10\\n\\nFor those of you who have TI ps35 laser printers, if you want an envelope\\nfeeder, they are now on sale, direct from TI for the unbelievable price of\\n$45! Call 1-800-847-2787. Same for extra paper trays. They have too many\\ngray ones and want to move them out. Strange but true.\\n\\n--The Bobmeister\\n\\n**** From Planet BMUG, the FirstClass BBS of BMUG. The message contained in\\n**** this posting does not in any way reflect BMUG's official views.\\n\\n\",\n", + " 'From: mac@utkvx.bitnet (Richard J. McDougald)\\nSubject: Re: Help needed: DXF ---> IFF\\nOrganization: University of Tennessee \\nLines: 30\\n\\nIn article Blue-Knight@bknight.jpr.com (Yury German) writes:\\n\\n>In article <1993Apr30.011157.12995@news.columbia.edu> ph14@cunixb.cc.columbia.edu (Pei Hsieh) writes:\\n>> Hi -- sorry if this is a FAQ, but are there any conversion utilities\\n>> available for Autodesk *.DXF to Amiga *.IFF format? I\\n>> checked the comp.graphics FAQ and a number of sites, but so far\\n>> no banana. Please e-mail.\\n>> \\n\\n> .DXF can not be changed over to .IFF format what it can be changed\\n>to is an object format used by one of the 3D programs on the Amiga. The\\n>only tools around are comercial for that conversion.\\n\\nHijaak claims to convert .dxf to .iff, although Hijaak claims some stuff\\nthat I have never gotten to work (for example, not long ago I tried to\\nconvert some .iff files from an Amiga video toaster (using CrossDos, so my\\nPC could read the disks) int Targa files. Hijaak made some gorgeous 1.5\\nmegabyte Targa files from the .iffs -- all totally black!\\n\\n\\n+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++\\n Mac McDougald * Any opinions expressed herein \\n The Photography Center * are not necessarily (actually,\\n Univ. of Tenn. Knoxville 37996 * are almost CERTAINLY NOT) those\\n mac@utkvx.utk.edu * of The University of Tennessee. \\n mac@utkvx.bitnet * \\n (615-974-3449) * \"Things are more like they are now \\n (615-974-6435) FAX * than they\\'ve ever been before.\"\\n++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++\\n \\n',\n", + " 'From: alird@Msu.oscs.montana.edu\\nSubject: Re: cubs & expos roster questions\\nArticle-I.D.: Msu.0096B0F0.C5DE05A0\\nReply-To: alird@Msu.oscs.montana.edu\\nOrganization: Montana State University\\nLines: 13\\n\\nIn article <1993Apr15.003015.1@vmsb.is.csupomona.edu>, cvadrnlh@vmsb.is.csupomona.edu writes:\\n>Today (4/14) Cubs activated P Mike Harkey from DL, whom did they move to make\\n>room for Harkey?\\n>Also, are Delino Deshields & John Wetteland of the Expos on the DL?\\n>Thanks for anyone who can give me more info!\\n>/===\\n>Ken \\n>Cal Poly, Pomona\\n>\\n\\nWetteland is on the DL effective March 26 or something like that.\\n\\nrick\\n',\n", + " 'From: glk9533@tm0006.lerc.nasa.gov (Greg L. Kimnach)\\nSubject: Re: VHS movie for sale\\nOrganization: NASA Lewis Research Center / Cleveland, Ohio\\nLines: 38\\nDistribution: world\\nNNTP-Posting-Host: tm0006.lerc.nasa.gov\\nNews-Software: VAX/VMS VNEWS 1.41 \\n\\nIn article <1993Apr21.160620.3396@cabell.vcu.edu>, his3rrb@cabell.vcu.edu (Robert R. Bower) writes...\\n> \\n>Didn\\'t McDonald\\'s sell copies of \"Dances with Wovies\" for $7 not too\\n>long ago?\\n> \\n>They were also selling \"Babes in Toyland\" (the SCOTT BAIO version!)\\n>and something even more forgettable.\\n> \\n>Just think: video drive-thru........\\n> \\n> \\n>\"I\\'ll take a McRib, a McChicken, and a copy of Debbie Does McDallas\\n>to go\"\\n> \\n>\"Do you want fries and napkins with that?\"\\n\\nThis makes perfect sense if you think about it.\\n\\nCheap food and cheap movies on the cheapest format. You feel full, but\\nthe \"nutritional quality\" just ain\\'t there. :-)\\n\\n Feast a little...buy Beta!\\n\\n> \\n> \\n> \\n>--Bob (his3rrb@caball.vcu.edu)\\n>\"After this post, I\\'m really going to start studying.......really...\"\\nGreg\\n--------------------------------------------------------------------------- \\n ED-Beta: Simply THE BEST!\\n\"ED Beta is simply the best consumer videotape format available.\"\\n --VIDEO Magazine, Nov. 1992, page 30.\\n\\n\"Manufacturers may have a point when they perceive the U.S. consumer\\nelectronics market as unsophisticated.\"\\n --VIDEOMAKER, March 1993, page88\\n---------------------------------------------------------------------------\\n',\n", + " 'Subject: Re: Drinking and Riding\\nFrom: bclarke@galaxy.gov.bc.ca\\nOrganization: BC Systems Corporation\\nLines: 11\\n\\nIn article , manes@magpie.linknet.com (Steve Manes) writes:\\n{drinking & riding}\\n> It depends on how badly you want to live. The FAA says \"eight hours, bottle\\n> to throttle\" for pilots but recommends twenty-four hours. The FARs specify\\n> a blood/alcohol level of 0.4 as legally drunk, I think, which is more than\\n> twice as strict as DWI minimums.\\n\\n0.20 is DWI in New York? Here the limit is 0.08 !\\n-- \\nBruce Clarke B.C. Environment\\n e-mail: bclarke@galaxy.gov.bc.ca\\n',\n", + " 'From: eerik@iastate.edu (Eerik J. Villberg)\\nSubject: Re: Ok, So I was a little hasty...\\nOrganization: Iowa State University, Ames IA\\nLines: 17\\n\\nIn jnmoyne@lbl.gov (Jean-Noel Moyne) writes:\\n\\n>\\tOk, hold on a second and clarify something for me:\\n\\n>\\tWhat does \"DWI\" stand for ? I thought it was \"DUI\" for Driving Under\\n>Influence, so here what does W stand for ?\\n\\n>\\t JNM\\n\\nHere in Iowa it is/has been OWI (operating under the influence) and OMVI\\n(operating motor vehicle under the influence). They (gov\\'t) changed it to\\nOMVI so that people in motor boats could also be charged with drunk driving. \\n-- \\nEerik J. Villberg ** P people for the\\neerik@iastate.edu ** E eating of\\n4208 Harris Street ** T tasty\\nAmes Ia 50010 ** A animals\\n',\n", + " \"From: wlsmith@valve.heart.rri.uwo.ca (Wayne Smith)\\nSubject: Re: IDE vs SCSI\\nOrganization: The John P. Robarts Research Institute, London, Ontario\\nNntp-Posting-Host: valve.heart.rri.uwo.ca\\nLines: 34\\n\\nIn article wayne@amtower.spacecoast.orgX-NewsSoftware: GRn 1.16f (10.17.92) by Mike Schwartz & Michael B. Smith writes:\\n\\n>> but I still want to know why it intrinsically better\\n>> (than IDE, on an ISA bus) when it comes to multi-tasking OS's when\\n>> managing data from a single SCSI hard drive.\\n>\\n>A SCSI controller that transfers data by DMA allows the cpu to request data\\n>from the hard drive and continue working while the controller gets the data\\n>and moves it to memory. \\n\\nIDE also uses DMA techniques. I believe floppy controller also uses DMA,\\nand most A/D boards also use DMA. DMA is no big deal, and has nothing to\\ndo directly with SCSI.\\n\\n> For example, when rewinding or formatting a tape, the command is\\n>issued to the controller and the bus is released to allow access to other\\n>devices on the bus. This greatly increases productivity or, at least, do\\n>something else while backing up your hard drive :-). Which happens to be\\n>what I am doing while reading this group.\\n\\nYou can thank your software for that. If DOS had a few more brains, it\\ncould format floppies etc. while you were doing something else. The\\nhardware will support it, but DOS (at least) won't. Again, this has \\nnothing to do with SCSI.\\n\\n>Its a long story, but I still use IDE on my 486 except for the CDROM which,\\n>thanks to SCSI, I can move between both machines. If, and when, SCSI is\\n>better standardized and supported on the ibm-clone machines, I plan to\\n>completely get rid of IDE.\\n\\nAnd if you stick with DOS you'll wonder why you can't multitask.\\n\\nAgain I ask why can't a UNIX or OS/2 type OS do all the miraculous things\\nwith an IDE harddrive that it can with a (single) SCSI hard drive.\\n\",\n", + " \"From: lee@tosspot.sv.com (Lee Reynolds)\\nSubject: Help with Magitronic 8 bit memory card needed!\\nOrganization: Ludus Associates, Incorporated.\\nLines: 16\\n\\nHi!\\n\\n I'm busy resurrecting some old machines (hey, they're cheap and they\\nwork :)) and would be grateful for any help with the following card -\\n\\nMagitronic - full length 8 bit memory only card.\\nHas room for 8 rows of 256K dips for a total of 2MB RAM.\\nHas an 8 position dip switch on it, presumably for addressing.\\n\\nDoes any kind soul out there have any docs or drivers for this beast?\\nI'd be disgustingly grateful.\\n\\n Thanks,\\n Lee.\\n\\n (lee@tosspot.sv.com)\\n\",\n", + " 'From: cramer@optilink.COM (Clayton Cramer)\\nSubject: Re: New Study Out On Gay Percentage\\nOrganization: Optilink Corporation, Petaluma, CA\\nLines: 19\\n\\nIn article , dans@uxa.cso.uiuc.edu (Dan S.) writes:\\n> Don\\'t forget about the culture. Sadly, we don\\'t (as a society) look upon\\n> homosexuality as normal (and as we are all too well aware, there are alot\\n> of people who condemn it). As a result, the gay population is not encouraged\\n> to develop \"non-promiscuous\" relationships. In fact there are many roadblocks\\n> put in the way of such committed relationships. It is as if the heterosexual\\n\\nSuch as? Not being able to get married isn\\'t a roadblock to a permanent\\nrelationship. Lack of a marriage certificate doesn\\'t force a couple\\nto break up. This is an excuse used by homosexuals because the \\nalternative is to ask why they are so much more promiscuous than \\nstraights.\\n\\n> Dan\\n\\n\\n-- \\nClayton E. Cramer {uunet,pyramid}!optilink!cramer My opinions, all mine!\\nRelations between people to be by mutual consent, or not at all.\\n',\n", + " \"From: wargopl@sun.soe.clarkson.edu (Peter L. Wargo)\\nSubject: Re: x86 ~= 680x0 ?? (How do they compare?)\\nOrganization: Clarkson University\\nLines: 25\\nNntp-Posting-Host: sun.soe.clarkson.edu\\n\\n2545500@jeff-lab@queensu.ca (Peter Pundy) writes:\\n\\n>Even better than that... how does a 68000-based Amiga 2000 perform in \\n>daily tasks compared to my 68030-based IIci.\\n\\n>Answer, except in a very few cases, I get my butt kicked by the Amiga.\\n\\nA similar reason is why people at work, used to seeing SCO unix running\\non a 486, are suprised when they see my Sun-3 at home running faster w/a 16MHz\\n68020/68881. The Sun was designed from the ground up for UNIX, the PC\\nwasn't.\\n\\nThis is why you need a gargantuan processor to run Windows. The basic\\ndesign of the box is all wrong. (Would've been better if MS had put most\\nof Windows on a plug-in ROM card from day one. (priced at $24.95 or\\nso...) People woulda loved it.\\n\\nApple had the right idea, just stumbled a bit in the execution.\\n\\n-Pete\\n\\n--\\nPeter L. Wargo / wargopl@sun.soe.clarkson.edu / E-Mail saves trees.\\nDocumentation / / It also makes the\\nEnable Software / 518-877-8600, x528 / world smaller....\\n\",\n", + " 'From: rye@mahogany209.cray.com (James K. Rye)\\nSubject: Re: where to put your helmet\\nOriginator: rye@mahogany209\\nLines: 30\\nNntp-Posting-Host: mahogany209\\nOrganization: Cray Research, Inc.\\n\\n\\nIn article <1993Apr21.195738.2403@rd.hydro.on.ca>, jlevine@rd.hydro.on.ca (Jody Levine) writes:\\n> In article <10498.97.uupcb@compdyn.questor.org> ryan_cousineau@compdyn.questor.org (Ryan Cousineau) writes:\\n> >\\n> >Another good place for your helmet is your mirror (!). \\n> \\n> This dents and dings the liner, sometimes quite a bit.\\n> \\n> I\\'ve bike like | Jody Levine DoD #275 kV\\n> got a you can if you -PF | Jody.P.Levine@hydro.on.ca\\n> ride it | Toronto, Ontario, Canada\\n\\n\\nIt also works great to put under your kickstand on those really hot\\ndays when the tar gets really soft.....\\n\\n\\n================================================================================\\n \\nJim \"rags\" Rye Senior Technical Support Analyst\\n86 Harley Davidson rye@crayamid.cray.com\\n Cray Research Inc, Mpls, MN.\\n\\n\"If you\\'re going to do something tonight that you\\'ll be sorry for \\n tomorrow morning, sleep late.\"\\n -Henny Youngman\\n\\nMy opinions are mine and only mine, but for a small fee you may rent them.\\n\\n\\n',\n", + " \"From: V2110A@VM.TEMPLE.EDU (Richard Hoenes)\\nSubject: Waco\\nOrganization: Temple University\\nLines: 7\\nNntp-Posting-Host: vm.temple.edu\\nX-Newsreader: NNR/VM S_1.3.2\\n\\nDo all those who are saying the government is responsible for the death\\nof those in the compound also say that the Isrealis are responsible\\nfor the death of the Isreali athletes at the Olympics? Hey, the\\nPalestinians and the Dividians COULD have given up peacefully ('yeah,\\nand monkey could fly out my butt' - Wayne).\\n \\nRichard\\n\",\n", + " \"From: ralph.buttigieg@f635.n713.z3.fido.zeta.org.au (Ralph Buttigieg)\\nSubject: Why not give $1 billion to first year-lo\\nOrganization: Fidonet. Gate admin is fido@socs.uts.edu.au\\nLines: 34\\n\\nOriginal to: keithley@apple.com\\nG'day keithley@apple.com\\n\\n21 Apr 93 22:25, keithley@apple.com wrote to All:\\n\\n kc> keithley@apple.com (Craig Keithley), via Kralizec 3:713/602\\n\\n\\n kc> But back to the contest goals, there was a recent article in AW&ST\\nabout a\\n kc> low cost (it's all relative...) manned return to the moon. A General\\n kc> Dynamics scheme involving a Titan IV & Shuttle to lift a Centaur upper\\n kc> stage, LEV, and crew capsule. The mission consists of delivering two\\n kc> unmanned payloads to the lunar surface, followed by a manned mission.\\n kc> Total cost: US was $10-$13 billion. Joint ESA(?)/NASA project was\\n$6-$9\\n kc> billion for the US share.\\n\\n kc> moon for a year. Hmmm. Not really practical. Anyone got a\\n kc> cheaper/better way of delivering 15-20 tonnes to the lunar surface\\nwithin\\n kc> the decade? Anyone have a more precise guess about how much a year's\\n kc> supply of consumables and equipment would weigh?\\n\\nWhy not modify the GD plan into Zurbrin's Compact Moon Direct scheme? let\\none of those early flight carry an O2 plant and make your own.\\n\\nta\\n\\nRalph\\n\\n--- GoldED 2.41+\\n * Origin: VULCAN'S WORLD - Sydney Australia (02) 635-1204 3:713/6\\n(3:713/635)\\n\",\n", + " 'From: wirehead@cheshire.oxy.edu (David J. Harr)\\nSubject: Any Nanao 750i compatible Mac video cards?\\nSummary: I can get ehe monitor, but can I drive it?\\nKeywords: 21\" monitor, 24 bit video, Macintosh\\nOrganization: The programmers who say NEE!\\nLines: 15\\n\\nDoes anyone know if a Nanao 750i is compatible with any\\npopular Mac video cards? I have an oppurtunity to get a brand\\nnew one, cheap, and I am very tempted, but it will be a waste\\nof time if I can\\'t drive it using a standard video card.\\n\\nWhile I\\'m on the subject, what\\'s everybody\\'s reccomendations for\\na 21\" color monitor. I\\'ve heard good things about the NEC 6FG, and\\nof course, there is always the reliable old Macintosh 21\" display,\\nbut what are YOUR experiences.\\n\\nDavid J Harr\\nCyberpunk Software.\\n\\n\"My definition of happiness is being famous for your financial\\nability to indulge in every form of excess.\" -- Calvin\\n',\n", + " \"From: g.coulter@daresbury.ac.uk (G. Coulter)\\nSubject: SHADOW Optical Raytracing Package?\\nReply-To: g.coulter@daresbury.ac.uk\\nOrganization: SERC Daresbury Laboratory, UK\\nLines: 17\\nNNTP-Posting-Host: dlsg.dl.ac.uk\\n\\nHi Everyone ::\\n\\nI am looking for some software called SHADOW as \\nfar as I know its a simple raytracer used in\\nthe visualization of synchrotron beam lines.\\nNow we have an old version of the program here\\n,but unfortunately we don't have any documentation\\nif anyone knows where I can get some docs, or\\nmaybe a newer version of the program or even \\nanother program that does the same sort of thing\\nI would love to hear from you.\\n\\nPS I think SHADOW was written by a F Cerrina?\\n\\nAnyone any ideas?\\n\\nThanks -Gary- SERC Daresbury Lab.\\n\",\n", + " \"From: paladin@world.std.com (Thomas G Schlatter)\\nSubject: Re: SCSI/DOS/adding a 3rd drive..?!@#$\\nOrganization: The World Public Access UNIX, Brookline, MA\\nLines: 35\\n\\nIn article <1993Apr23.070230.9189@physchem.ox.ac.uk> mark@physchem.ox.ac.uk (Mark Jackson) writes:\\n>\\n>In article <1r74fr$d04@jethro.Corp.Sun.COM>, maf@Corp.Sun.COM (Mike Figueroa) writes:\\n>> \\n>> Does anyone know if there are any problems (or if it's possible)\\n>> adding a third hard drive(scsi) to a dos pc.\\n>> \\n>> I currently have a 386 pc with Future Domain scsi board and 2\\n>> Maxtor scsi drives installed. They work great, I haven't had\\n>> any problems!\\n>> \\n>> Well, now I want more disk space and went out and got another\\n>> (larger) scsi hard disk thinking all I had to do was add it\\n>> to the chain(50pin ribbon that has 3 connectors) and run\\n>> the fdisk program to format/initialize the disk.\\n>> \\n>> That didn't happen. When the pc boots, the scsi prom shoots\\n>> back the devices that are attached to the board[target\\n>> 0/target1/target2]. All three disks are seen.\\n>> \\n>> When I run the dos fdisk program to format the disk, I choose to\\n>> select another disk(option 5(dos6)) and voila, it's not there.\\n>> The first two disks show up no problem, but the third disk is\\n>> no-where to be found....\\n>\\n>\\n>I have got an Adaptec SCSI card, that comes with its own version of FDISK.\\n>The problem with DOS is that it will only see two hard disks, any more need to be\\n>done by device drivers.\\n>\\n\\nODD, FDISK works fine for me with 2 IDE drives and a SCSI drive on\\nmy Ultrastor 14F - only with the device driver loaded, though.\\n\\n\\n\",\n", + " 'From: Sean_Oliver@mindlink.bc.ca (Sean Oliver)\\nSubject: descrambling channels\\nOrganization: MIND LINK! - British Columbia, Canada\\nLines: 13\\n\\nI live up in British Columbia, Canada.The cable company I use is called\\nRogers Cable. Does anyone know of their scrambling techniques, and ways of\\ngetting\\naround them? Any suggestions of what they might use?\\n\\n--\\n+--------------------------------------------+\\n| Sean Oliver |\\n| Internet Address: a8647@MINDLINK.BC.CA |\\n| |\\n| Mindlink! BBS (604)576-1412 |\\n+--------------------------------------------+\\n\\n',\n", + " \"From: jodfishe@silver.ucs.indiana.edu (joseph dale fisher)\\nSubject: Re: Deification\\nOrganization: Indiana University\\nLines: 14\\n\\nIn article HOLFELTZ@LSTC2VM.stortek.com writes:\\n>Aaron Bryce Cardenas writes:\\n>After all, what does prophesy mean? Secondly, what is an Apostle? Answer:\\n>an especial witness--one who is suppose to be a personal witness. That means\\n>to be a true apostle, one must have Christ appear to them. Now lets see\\n>when did the church quit claiming ......?\\n\\nActually, an apostle is someone who is sent. If you will, mailmen could\\nbe called apostles in that sense. However, with Jesus, they were\\ndesignated and were given power. Remember that there were many\\nthousands of people who witnessed what Jesus did. That didn't make them\\napostles, though.\\n\\nJoe Fisher\\n\",\n", + " \"From: tmc@spartan.ac.BrockU.CA (Tim Ciceran)\\nSubject: Re: Turning photographic images into thermal print and/or negatives\\nOrganization: Brock University, St. Catharines Ontario\\nX-Newsreader: TIN [version 1.1 PL9]\\nLines: 22\\n\\nJennifer Lynn Urso (ju23+@andrew.cmu.edu) wrote:\\n: \\n: well, i have lots of experience with scanning in images and altering\\n: them. as for changing them back into negatives, is that really possible?\\n\\n: (stuff deleted)\\n\\n: jennifer urso: the oh-so bitter woman of utter blahness(but cheerful\\n: undertones)\\n\\nI use Aldus Photostyler on the PC and I can turn a colour or black and white\\nimage into a negative or turn a negative into a colour or black and white\\nimage. I don't know how it does it but it works well. To test it I scanned\\na negative and used Aldus to create a positive. It looked better than the\\nprint that the film developers gave me.\\n\\n\\n-- \\n\\nTMC\\n(tmc@spartan.ac.BrockU.ca)\\n\\n\",\n", + " \"From: aduthie@mudskipper.css.itd.umich.edu (Andrew Duthie)\\nSubject: Re: Centris 610 flaky?\\nOrganization: University of Michigan - ITD Consulting and Support\\nLines: 24\\nNNTP-Posting-Host: mudskipper.css.itd.umich.edu\\n\\nIn article scott@cs.uiuc.edu (Jay Scott) writes:\\n> A rep at the dealer (actually it's a university order center, so\\n> they don't have any immediate financial interest), told me that\\n> they have been having lots of problems with their Centris 610.\\n> He didn't go into details, but mentioned problems with the\\n> floppy drive and intermittent problems with printing files.\\n> It sounded to me like they were having both hardware problems\\n> and software compatibility problems with the machine.\\n> [deleted]\\n> So, what does the net think? Did the dealer just get one flaky\\n> machine, or did Apple send the C610 out the door too early?\\n> Is your C610 working just great, or is it buggy too?\\n\\nA lot of the time, when you're dealing with someone who has no financial \\ninterest in selling you the machine, you get a lot of opinion (as opposed \\nto factual information, etc.). What it sounds like to me is that this guy \\nhas had an experience with one flaky Centris 610 and formed an \\nall-encompassing opinion on the rest of the 610's. I've seen lots of \\npeople who frustrated me to no end because they refused to believe any \\nother Mac Xyz would be any good, since their experience (with >one< \\nmachine) with a Mac Xyz had been bad. Their loss, eh?\\n \\n Andrew W. Duthie\\n aduthie@css.itd.umich.edu\\n\",\n", + " 'From: PETCH@gvg47.gvg.tek.com (Chuck)\\nSubject: Daily Verse\\nLines: 6\\n\\nFor the Lord Himself will descend from Heaven with a shout, with the voice\\nof an archangel, and with the trumpet of God. And the dead in Christ will\\nrise first. Then we who are alive and remain will be caught up together\\nto meet the Lord in the air. And thus we shall always be with the Lord.\\n\\n1 Thessalonians 4:16-17\\n',\n", + " 'From: pgf@srl03.cacs.usl.edu (Phil G. Fraering)\\nSubject: Re: Gamma Ray Bursters. WHere are they.\\nOrganization: Univ. of Southwestern Louisiana\\nLines: 33\\n\\nethanb@ptolemy.astro.washington.edu (Ethan Bradford) writes:\\n\\n>u9263012@wampyr.cc.uow.edu.au (Walker Andrew John) writes:\\n>\\t Also,if they did come from the Oort cloud we would expect to\\n> see the same from other stars Oort Clouds.\\n\\n>That\\'s a very good point. Perhaps none of the nearby stars have Oort\\n>clouds? Alpha-centauri is a multiple-star system; you wouldn\\'t expect\\n>an Oort cloud in it.\\n\\nSure about that? Maybe Proxima might cause problems, but at Oort\\nCloud distances AC a and AC b together look like a point source.\\n\\nBesides, even the solar system\\'s Oort cloud is unstable over\\ngeologic time, right, and needs to be replentished from somewhere\\nelse, like the short period comets of the Kupier Belt?\\n\\n(Or maybe I\\'m misremembering something I read or heard somewhere...)\\n\\n> What\\'s the nearest single-star that is likely to\\n>have a planetary system?\\n\\nUntil we\\'re able to perform a broad-band survey of nearby stars\\nto detect planets, we won\\'t know enough to say whether or not\\na single star has planets. And we\\'re likely to find out about the\\nclose ones first.\\n\\nHeck, if neutron stars can have planets, anything can have planets.\\n(Or was that discovery disconfirmed?)\\n\\n--\\nPhil Fraering |\"Seems like every day we find out all sorts of stuff.\\npgf@srl02.cacs.usl.edu|Like how the ancient Mayans had televison.\" Repo Man\\n',\n", + " 'From: eabu500@orion.oac.uci.edu (Michael)\\nSubject: Re: Monitors - should they be kept on 24 hours a day???\\nNntp-Posting-Host: dialin33611.slip.nts.uci.edu\\nX-UserAgent: Nuntius v1.1.1d17\\nOrganization: UC Irvine\\nLines: 31\\nX-XXMessage-ID: \\nX-XXDate: Sun, 25 Apr 93 18:00:16 GMT\\n\\nIn article Kyle Cassidy,\\ncassidy@elan.rowan.edu writes:\\n>this is a bad idea. my machine is on 24 hours a day, but it\\'s\\nactually \\n>_doing_ things 24 hours a day. i use it as an all purpose alarm\\nclock, \\n>scheduler, i\\'ve got routines that run in the middle of the night,\\nphone \\n>calls it makes during the day when i\\'m out. if your machine is _on_\\n24 hours \\n>a day, then you can count on it to be _working_ 24 hours a day. i\\ncould call \\n>it from work and download a file that i might need, i could call it\\nfrom \\n>work and have it turn the lights on if i\\'m going to be late (oops,\\nmore \\n>wasted electricity -- but conversely, i could have it turn the\\nlights \\n>_off_). heck, i suppose i could even connect the microwave and have\\ndinner \\n>ready when i get there.\\n>\\n>oh well. nevermind. i\\'m just babbling.\\n\\nAll of those things that you\\'ve mention can still be accomplished\\nwhen the\\nmachine is \"power down.\" When the previous poster said \"power\\ndown\", it \\ndoesn\\'t mean turning off the machine, it just means that the machine\\nis\\nin an energy conserving mode that sucks up least electricity.\\n',\n", + " \"From: brenda@bookhouse.Eng.Sun.COM (Brenda Bowden)\\nSubject: feverfew for migraines\\nOrganization: Sun\\nLines: 13\\nNNTP-Posting-Host: bookhouse\\n\\n\\nI heard a short blurb on the news yesterday about an herb called feverfew (?)\\nthat some say is good for preventing migraines. I think the news said there\\nwere two double-blind studies that found this effective.\\n\\nDoes anyone know about these studies? Or have experience with feverfew?\\nI'm skeptical, but open to trying it if I can find out more about this.\\nWhat is feverfew, and how much would you take to prevent migraines (if \\nthis is a good idea, that is)? Are there any known risks or side effects\\nof feverfew? \\n\\nThanks in advance for any info!\\nBrenda\\n\",\n", + " \"From: gpb@gpb-mac (greg berryman )\\nSubject: Re: Memory upgrades\\nNntp-Posting-Host: 222.1.248.85\\nReply-To: gpb@gpb-mac.sps.mot.com\\nOrganization: Memories at Motorola\\nX-Newsreader: Tin 1.1 PL4\\nLines: 33\\n\\njacob@plasma2.ssl.berkeley.edu (nga throgaw shaygiy) writes:\\n: \\n: Excuse me if this is a frequent question, I checked in\\n: several FAQs but couldn't really find anything.\\n\\nYou are excused... the answer varies from Mac to Mac so it would be\\na complex answer in the FAQ.\\n: \\n: I have a IIsi with the standard 5 meg memory and I want\\n: (need) to add additional memory. But I'm on a budget.\\n: I really don't need more than 10 meg max, so what is\\n: the best (performance wise) and most economical way\\n: to do this? Someone told me that I should only use\\n: SIMMs of the same amount of memory, that is 4 1 meg,\\n: 4 2 meg, etc. What if I just wanted to buy just 1 4 meg\\n: and use the rest of what I already have? The manual\\n: hasn't been very helpful with this.\\n: \\nThe si uses a 32 bit wide data bus and therefore you must use 4 8-bit\\nwide simms. Sorry, but no short cuts here.\\n\\n: Thanks.\\n\\nYou're quite welcome.\\n: \\nGreg.\\n\\n--\\nMy words, not Motorola's. * ______ * EQUAL rights NOT special rights \\ngpb@gpb-mac.sps.mot.com * \\\\ BI / * I will NOT ride in the back of the bus.\\nGreg Berryman (512)928-6014 * \\\\ / * SILENCE = DEATH\\nMotorola Austin, Texas, USA * \\\\/ * First, be true to yourself.\\nGLB mailing list ---> glblist@gpb-mac.sps.mot.com (Motorola only)\\n\",\n", + " 'From: taob@r-node.hub.org (Brian Tao)\\nSubject: Re: Krillean Photography\\nOrganization: MuGS Research and Development Facility\\nX-Newsreader: MuGS 3.0d16 [Apr 22 93]\\nTo: alex@vuse.vanderbilt.edu (Alexander P. Zijdenbos)\\nReply-To: taob@r-node.hub.org\\nLines: 24\\n\\nIn article , Alexander P. Zijdenbos writes...\\n> \\n> I am neither a real believer, nor a disbeliever when it comes to\\n> so-called \"paranormal\" stuff; but as far as I\\'m concerned, it is just\\n> as likely as the existence of, for instance, a god, which seems to be\\n> quite accepted in our societies - without any scientific basis.\\n\\n But no one (or at least, not many people) are trying to pass off God\\nas a scientific fact. Not so with Kirlian photography. I\\'ll admit that\\nit is possible that some superior intelligence exists elsewhere, and if\\npeople want to label that intelligence \"God\", I\\'m not going to stop\\nthem. Anyway, let\\'s _not_ turn this into a theological debate. ;-)\\n\\n> I am convinced that it is a serious mistake to close your mind to\\n> something, ANYTHING, simply because it doesn\\'t fit your current frame\\n> of reference. History shows that many great people, great scientists,\\n> were people who kept an open mind - and were ridiculed by sceptics.\\n\\n Read alt.fan.robert.mcelwaine sometime. I\\'ve never been so\\nclosed-minded before subscribing to that group. :)\\n\\n-- \\nBrian Tao:: taob@r-node.hub.org (r-Node BBS, 416-249-5366, FREE!)\\n::::::::::: 90taobri@wave.scar.utoronto.ca (University of Toronto)\\n',\n", + " 'From: lioness@maple.circa.ufl.edu\\nSubject: Joystick again\\nOrganization: Center for Instructional and Research Computing Activities\\nLines: 10\\nReply-To: LIONESS@ufcc.ufl.edu\\nNNTP-Posting-Host: maple.circa.ufl.edu\\n\\n\\nMy disk that had my joystick code that some of you were kind enough to mail\\nme puked....specifically, I am looking for C code to read the position\\nof joystick WITHOUT using int15h, i.e. accessing port 0x200/0x201 directly.\\n\\nI need it in C becaues of memory model considerations.\\n\\nI only need to be able to read the X and Y position also.\\n\\nBrian\\n',\n", + " 'From: Nanci Ann Miller \\nSubject: Books\\nOrganization: Sponsored account, School of Computer Science, Carnegie Mellon, Pittsburgh, PA\\nLines: 23\\n\\t\\nNNTP-Posting-Host: andrew.cmu.edu\\nIn-Reply-To: \\n\\nedm@twisto.compaq.com (Ed McCreary) writes:\\n> While we\\'re on the topic of books, has anyone else noticed that Paine\\'s\\n> \"The Age of Reason\" is hard to find. I\\'ve been wanting to pick up\\n> a copy for a while, but not bad enough to mail order it. I\\'ve noticed\\n> though that none of the bookstores I go to seem to carry it. I thought\\n> this was supposed to be classic. What\\'s the deal?\\n\\nActually, I\\'ve got an entire list of books written by various atheist\\nauthors and I went to the largest bookstore in my area (Pittsburgh) and\\ncouldn\\'t find _any_ of them. What section of the bookstore do you find\\nthese kinds of books in? Do you have to look in an \"alternative\" bookstore\\nfor most of them? Any help would be appreciated (I can send you the list\\nif you want).\\n\\nThanks,\\nNanci\\n.........................................................................\\nIf you know (and are SURE of) the author of this quote, please send me\\nemail (nm0w+@andrew.cmu.edu):\\nThe fate of the country does not depend on what kind of paper you drop into\\nthe ballot box once a year, but on what kind of man you drop from your\\nchamber into the street every morning.\\n\\n',\n", + " 'From: rpicas@porto.INescn.PT (Rui Picas)\\nSubject: subscrive\\nOrganization: The Internet\\nLines: 3\\nNNTP-Posting-Host: enterpoop.mit.edu\\nTo: \\n\\nplease subscrive me.\\n\\nrpicas@porto.inescn.pt\\n',\n", + " \"From: dpiaseck@jarthur.claremont.edu (Derek A. Piasecki)\\nSubject: Ami Pro 3.0 and PCTools compress?!? Doesn't like being moved?\\nKeywords: Ami Pro 3.0 PCTools compress\\nOrganization: Harvey Mudd College, Claremont, CA 91711\\nLines: 24\\n\\n\\n\\nHas anyone had problems with Ami Pro 3.0 after running PCTools (v7.1)\\ncompress? I have not corrupted data due to having caches other than\\nPC-Cache running, so that is not it. The first time I try to run Ami\\nPro after loading windows, it loads, but causes (I think it was a) \\nsegmentation fault in AMIPRO.EXE right before it finishes, with all times\\nafter that only managing to get to the logo box that first pops up when\\nit begins loading, and then causes a general protection fault in module\\nAMIPROUI.DLL at 0002:1147. I have not been able to fix this problem except\\nby reinstalling Ami Pro. This has happened twice, with both times being\\nafter having ran compress on my hard drive. BTW, I am not running stacker\\nor any other disk compression programs, and if you don't already know,\\nPCTools compress is actually a defragger, despite it's name. My system is\\na 386-40MHz, with 16MB of RAM and a NEC (OEM) hard drive, etc, but that\\nshouldn't make a difference.\\n\\nPLEASE email me as I can't keep up with the newsgroup, and it will cut down\\non net traffic anyways. Thanks.\\n\\n\\t\\t\\t\\t-Derek\\n\\n\\t\\t\\t\\tdpiaseck@jarthur.claremont.edu\\n\\n\",\n", + " 'From: hbrooks@uiatma.atmos.uiuc.edu (Harold_Brooks)\\nSubject: Re: Spanky Released\\nKeywords: WHY!?!\\nOrganization: Colorado Needs the Huckabay Kiteball Campaign Committee\\nLines: 45\\n\\nIn article <1993Apr12.130652.22090@sei.cmu.edu> wp@sei.cmu.edu (William Pollak) writes:\\n[Deletions]\\n>\\n>Spanky isn\\'t very good defensively anymore, he\\'s an offensive liability, and,\\n>judging from his outburst this winter after the Bucs failed to sign Drabek,\\n>he\\'s a jerk with his head in the sand. Tommy Prince, on the other hand, can\\'t\\n>hit. In the paper, Simmons was citing the case of Tom Pagnozzi, who never hit\\n>in the minors or majors, but suddenly somehow learned how. \\n\\nGeez, Dal must have slipped something into Ted\\'s drink sometime. Comparing\\nPrince to Pagnozzi offensively is laughable. Prince has never hit well in\\nthe minors and he\\'s now 27 years old, I think. Pagnozzi was not a bad hitter\\nin the minors. (I\\'ll bring in the numbers tomorrow assuming I don\\'t have\\nanother brain cramp and forget.) He had a very good year at Louisville \\nbefore coming up to the majors. As I recall, the hype on Pagnozzi coming up\\nin the organization was good hit, decent fielding. When he got to the \\nmajors and didn\\'t hit as well as expected (not as much playing time?), he \\nbecame Exhibit 312 in Nichols\\' Law of Catcher Defense and got the reputation \\nas an outstanding defensive catcher. It\\'s not clear he ever learned to\\nhit. His four years with more than 100 AB--\\n\\nBorn 31 July 1962\\nYear AB BA SLG OBA \\n1988 195 .282 .320 .328\\n1990 220 .277 .373 .321\\n1991 459 .264 .351 .317\\n1992 485 .249 .359 .290 \\n\\nNo power, less-than-league-average walks, peak year when he turned 28, \\nnow declining. If Ted is going to invoke Pagnozzi as a model for Prince,\\ngiven that Prince has underperformed Pagnozzi in the minors, it\\'s not\\na rosy picture.\\n\\nBTW, I\\'m still unhappy with moving Zeile, who had the same reputation \\ncoming up in the Cardinal organization as Pagnozzi, except that he was\\na much, much better hitter, to 3rd where he could be an average hitter\\nand a below average fielder instead of a well-above average hitter\\nas an average (or below average) fielding catcher.\\n\\nHarold\\n-- \\nHarold Brooks hbrooks@uiatma.atmos.uiuc.edu\\nNational Severe Storms Laboratory (Norman, OK)\\n\"I used to work for a brewery, too, but I didn\\'t drink on the job.\"\\n-P. Bavasi on Dal Maxvill\\'s view that Florida can win the NL East in \\'93\\n',\n", + " 'From: anasaz!karl@anasazi.com (Karl Dussik)\\nSubject: Re: Is \"Christian\" a dirty word?\\nOrganization: Anasazi Inc Phx Az USA\\nLines: 73\\n\\nIn article @usceast.cs.scarolina.edu:moss@cs.scarolina.edu (James Moss) writes:\\n>I was brought up christian, but I am not christian any longer.\\n>I also have a bad taste in my mouth over christianity. I (in\\n>my own faith) accept and live my life by many if not most of the\\n>teachings of christ, but I cannot let myself be called a christian,\\n>beacuse to me too many things are done on the name of christianity,\\n>that I can not be associated with. \\n\\nA question for you - can you give me the name of an organization or a\\nphilosophy or a political movement, etc., which has never had anything\\nevil done in its name? You\\'re missing a central teaching of Christianity -\\nman is inherently sinful. We are saved through faith by grace. Knowing\\nthat, believing that, does not make us without sin. Furthermore, not all\\nwho consider themselves \"christians\" are (even those who manage to head\\ntheir own \"churches\"). \"Not everyone who says to me, \\'Lord, Lord,\\' will\\nenter the kingdom of heaven, but only he who does the will of my Father who\\nis in heaven.\" - Matt. 7:21.\\n\\n>I also have a problem with the inconsistancies in the Bible, and\\n>how it seems to me that too many people have edited the original\\n>documents to fit their own world views, thereby leaving the Bible\\n>an unbelievable source.\\n\\nAgain, what historical documents do you trust? Do you think Hannibal\\ncrossed the Alps? How do you know? How do you know for sure? What\\nhistorical documents have stood the scrutiny and the attempts to dis-\\ncredit it as well as the Bible has?\\n\\n>I don\\'t have dislike of christians (except for a few who won\\'t\\n>quit witnessing to me, no matter how many times I tell them to stop), \\n>but the christian faith/organized religion will never (as far as i can \\n>see at the moment) get my support.\\n\\nWell, it\\'s really a shame you feel this way. No one can browbeat you\\ninto believing, and those who try will probably only succeed in driving\\nyou further away. You need to ask yourself some difficult questions:\\n1) is there an afterlife, and if so, does man require salvation to attain\\nit. If the answer is yes, the next question is 2) how does man attain this\\nsalvation - can he do it on his own as the eastern religions and certain\\nmodern offshoots like the \"new age movement\" teach or does he require God\\'s\\nhelp? 3) If the latter, in what form does - indeed, in what form can such\\nhelp come? Needless to say, this discussion could take a lifetime, and for\\nsome people it did comprise their life\\'s writings, so I am hardly in a\\nposition to offer the answers here - merely pointers to what to ask. Few,\\nof us manage to have an unshaken faith our entire lives (certainly not me).\\nThe spritual life is a difficult journey (if you\\'ve never read \"A Pilgrim\\'s\\nProgress,\" I highly recommend this greatest allegory of the english language).\\n\\n>Peace and Love\\n>In God(ess)\\'s name\\n>James Moss\\n\\nNow I see by your close that one possible source of trouble for you may be a\\nconflict between your politcal beliefs and your religious upbringing. You\\nwrote that \"I (in my own faith) accept and live my life by many if not most\\nof the teachings of christ\". Well, Christ referred to God as \"My Father\",\\nnot \"My Mother\", and while the \"maleness\" of God is not the same as the\\nmaleness of those of us humans who possess a Y chromosome, it does not\\nhonor God to refer to Him as female purely to be trendy, non-discriminatory,\\nor politically correct. This in no way disparages women (nor is it my intent\\nto do so by my use of the male pronoun to refer to both men and women - \\nenglish just does not have a decent neuter set of pronouns). After all, God\\nchose a woman as his only human partner in bringing Christ into the human\\npopulation.\\n\\nWell, I\\'m not about to launch into a detailed discussion of\\nthe role of women in Christianity at 1am with only 6 hours of sleep in the\\nlast 63, and for that reason I also apologize for any shortcomings in this\\narticle. I just happened across yours and felt moved to reply. I hope I\\nmay have given you, and anyone else who finds himself in a similar frame of\\nmind, something to contemplate.\\n\\nKarl Dussik\\n',\n", + " \"Organization: Washington University, St. Louis\\nFrom: Brad Thone \\nTo: NETNEWS@WUVMD\\nSubject: Re: Well blow me down. yuk,yuk,yuk\\nLines: 14\\n\\nA long time back (months), I think a similar question was asked....\\n\\nA suggestion, in addition to Ed's list, was to put your windward knee out\\naway from the bike.\\n\\nI tried it, and it seems to help, actually.\\n\\n-------------------------------------------------------------------------\\nBrad Thone\\nSystems Consultant\\nSystems Service Enterprises\\nSt. Louis, MO\\nc09615bt @ wuvmd.wustl.edu\\nc09615bt @ wuvmd.bitnet\\n\",\n", + " 'From: patchman@lion.WPI.EDU (Peter Bruce Harper)\\nSubject: Personal to Ulf Samuellsson\\nOrganization: Worcester Polytechnic Institute\\nLines: 22\\nDistribution: world\\nNNTP-Posting-Host: lion.wpi.edu\\n\\n\\nDear Ulf,\\n\\n\\tWould you possibly consider helpiMontreal Canadiens fans everywhere\\nby throwing a knee-check in the direction of Denis Savard during your upcoming\\ngame against Montreal? We just can\\'t seem to win WITH him!\\n\\n\\t\\t\\t\\t\\t\\tThanx alot,\\n\\t\\t\\t\\t\\t\\tPete H.\\n\\n\\n:-)\\n\\n\\n###############################################################################\\n!Pete Harper ! Baby, baby don\\'t you hesitate \\'cause I just can\\'t wait!\\n!patchman@wpi.wpi.edu ! Lady once you get me down on my knees, !\\n!OR ! then you can do what you please . . . !\\n!U_HARPER@jake.wpi.edu! COME ON AND LOVE ME! !\\n! ! -Skid Row, \"Come On and Love Me\" !\\n*******************************************************************************\\n\\n',\n", + " 'From: qwerty@tunisia.ssc.gov (Kris Schludermann)\\nSubject: Re: RFI: Art of clutchless shifting\\nNntp-Posting-Host: tunisia.ssc.gov\\nOrganization: Superconducting Super Collider Laboratory\\nLines: 11\\n\\nIn article <1993Apr23.010311.23110@ra.oc.com>, lusky@ccwf.cc.utexas.edu (Jonathan R. Lusky) writes:\\n|> \\n|> Shifting without the clutch on a transmission with syncros can and will cause\\n|> transmission damage, the only question being how long it takesto grenade\\n|> something (for the trans in my 87 Pulsar SE, it was about 3-5k miles, but\\n|> it had a weak tranny in the first place).\\n\\nPlease explain the why of this. I have over 200k miles usage of clutchless\\nshift and no problems.\\n\\nkrispy\\n',\n", + " 'From: Mark B.\\nSubject: \"You could look it up.\"\\nOrganization: University of Toronto Chemistry Department\\nLines: 12\\n\\n\\nYes, I could look it up but I prefer to post this question \\nto the net...\\n\\nI read somewhere in a long forgotten article that the handsignals \\nused by major league umps were originally used to help a \\ndeaf ball player by the name of \"Dummy\". Urban myth? True? \\nI gots ta know.\\n\\n\\nMark B.\\nmbrownel@alchemy.chem.utoronto.ca\\n',\n", + " 'From: ipser@solomon.technet.sg (Ed Ipser)\\nSubject: Government-Mandated Energy Conservation is Unnecessary and Wastful, Study Finds\\nNntp-Posting-Host: solomon.technet.sg\\nLines: 94\\n\\n\\n\\n Government-Mandated Energy Conservation is Unnecessary and Wastful, Study Finds\\n\\n Washington, DC -- The energy tax and subsidized energy-efficiency\\n measures supported by President Clinton and Energy Secretary Hazel\\n O\\'Leary are based on faulty assumptions, a new study from the Cato\\n Institute points out.\\n\\n According to Jerry Taylor, Cato\\'s director of natural resource studies,\\n we are not running out of sources of energy. The world now has almost 10\\n times the proven oil reserves it had in 1950 and twice the reserves of\\n 1970. Proven reserves of coal and natural gas have increased just as\\n dramatically.\\n\\n When standards of living, population densities, and industrial\\n structures are controlled for, the United States is no less energy\\n efficient than Japan and more energy efficient than many of the Group\\n of Seven nations.\\n\\n Energy independence provides little protection against domestic oil\\n price shocks because the energy economy is global. Moreover, since the\\n cost of oil represents only about 2 percent of gross national product,\\n even large increases in the price of oil would have little impact on the\\n overall U.S. economy.\\n\\n Market economies are, on average, 2.75 times more energy efficient per\\n $1,000 of GNP than are centrally planned economies.\\n\\n Utilities\\' subsidized energy-efficiency measurs, known as demand-side\\n management programs, encourage free riders, overuse of competing resource\\n inputs, an competitive inequities. Furthermore, DSM programs do not\\n reduce demand.\\n\\n Taylor concludes that government-mandated energy conservation imposes\\n unnecessary costs on consumers and wastes, not conserves, energy; that\\n subsidizing energy-conservation technologies will stymie, not advance,\\n gains in energy conservation; and that central control over the lifeblood\\n of modern society--energy--would transfer tremendous power to the state\\n at the expense of the individual.\\n\\n \"Energy Conservation and Efficiency: The Case Against Coercion\" is no.\\n 189 in the Policy Analysis series published by the Cato Institute, an\\n independent public policy research organization in Washington, DC.\\n\\n\\n\\nAvailable from:\\n Cato Institute\\n 224 Second Street SE\\n Washington, DC 20003\\n\\n\\n\\n---------------------------------------------------------------------------\\n\\n\\n\\n\\n The Cato Institute\\n\\n Founded in 1977, the Cato Institute is a public policy research\\n foundation dedicated to broadening the parameters of policy debate\\n to allow consideration of more options that are consistent with the\\n traditional American principles of limited government, individual\\n liberty, and peace. To that end, the Institute strives to achieve\\n greater involvement of the intelligent, concerned lay public in \\n questions of policy and the proper role of government.\\n The Institute is named for Cato\\'s Letters, libertarian pamphlets\\n that were widely read in the American Colonies in the early 18th\\n century and played a major role in laying the philosophical foundation\\n of the American Revolution.\\n Despite the achievement of the nation\\'s Founders, today virtually\\n no aspect of life is free from government encroachment. A pervasive\\n intolerance for individual rights is shown by government\\'s arbitrary\\n intrusions into private economic transactions and its disregard for\\n civil liberties.\\n To counter that trend the Cato Institute undertakes an extensive\\n publications program that addresses the complete spectrum of policy\\n issues. Books, monographs, and shorter studies are commissioned\\n to examine the federal budget, Social Security, regulation, military\\n spending, international trade, and myriad other issues. Major policy\\n conferences are held throughout the year, from which papers are\\n published thrice yearly in the Cato Journal.\\n In order to maintain its independence, the Cato Institute accepts\\n no government funding. Contributions are received from foundations,\\n corporations, and individuals, and other revenue is generated from\\n the sale of publications. The Institute is a nonprofit, tax-exempt,\\n educational foundation under Section 501(c)3 of the Internal Revenue\\n Code.\\n\\n The Cato Institute\\n 224 Second Street S.E.\\n Washington, DC 20003\\n',\n", + " \"From: baden@inqmind.bison.mb.ca (Baden de Bari)\\nSubject: *]] MOSFET help...\\nOrganization: The Inquiring Mind BBS 1 204 488-1607\\nLines: 28\\n\\n \\n Since I'm not all too keen on this area of hooking them up, I'm \\nasking for help. I know better than to hook a 12v, 1a stepper line to \\none, unless it can take it; however what about if I've got a 24-60v \\nstepper. What sort of curent limmiting circuitry would be involved (a \\nsmall schematic would probably be helpfull). \\n Also, I've looked into the TIPC2701N by TI, and I was wondering \\nif I should use the same suggested (by you replying to this message) \\ncurrent limiting circuitry on each of the 7 mosfets in the package as \\nthat illustrated in the schematic (which you the replyer would hopefully \\nhelp me with).\\n \\n ... hmm... different request... \\n \\n Thanks.\\n\\n \\n _________________________________________________\\n Inspiration | ___ |\\n comes to | \\\\ o baden@sys6626.bison.mb.ca |\\n those who | ( ^ ) baden@inqmind.bison.mb.ca |\\n seek the | /-\\\\ =] Baden de Bari [= |\\n unknown. | |\\n ------------------------------------------------- \\n \\n\\nbaden@inqmind.bison.mb.ca\\nThe Inquiring Mind BBS, Winnipeg, Manitoba 204 488-1607\\n\",\n", + " \"From: st90rjr4@dunx1.ocs.drexel.edu (David J. Sugar)\\nSubject: Building a Simple Appletalk Repeater??\\nSummary: simple repeater\\nKeywords: appletalk repeater, cheap, build\\nOrganization: Drexel University, Phila. Pa.\\nLines: 16\\n\\n\\n\\n\\nI have a small network running in my dorm at school, and I am kind of\\nworried about the length of the wires and the way that I have run it.\\nI was wondering if anyone might have some schematic or at least some\\nideas on how to make some sort of simple appletalk repeater. I'm not\\nso interested in making actual zones and zone names, just a way to\\nisolate different branches of the network.\\n\\nDoes anyone have any ideas on what could be done??\\n\\nThanks alot,\\nDave Sugar\\nudsugar@mcs.drexel.edu\\nst90rjr4@dunx1.ocs.drexel.edu\\n\",\n", + " 'From: xchen@vax2.concordia.ca (CHEN, XIA)\\nSubject: How can I install the Printshop Deluxe in Windows with the Norton Desktop?\\nNews-Software: VAX/VMS VNEWS 1.41 \\nNntp-Posting-Host: vax2.concordia.ca\\nOrganization: Concordia University\\nLines: 0\\n\\n',\n", + " \"From: jake@bony1.bony.com (Jake Livni)\\nSubject: Re: Israeli Expansion-lust\\nOrganization: The Department of Redundancy Department\\nLines: 13\\n\\nIn article <1993Apr14.224726.15612@bnr.ca> zbib@bnr.ca writes:\\n>Jake Livni writes\\n>> Sam Zbib writes\\n\\n[all deleted...]\\n\\nSam Zbib's posting is so confused and nonsensical as not to warrant a\\nreasoned response. We're getting used to this, too.\\n\\n-- \\nJake Livni jake@bony1.bony.com Ten years from now, George Bush will\\nAmerican-Occupied New York have replaced Jimmy Carter as the\\nMy opinions only - employer has no opinions. standard of a failed President.\\n\",\n", + " 'From: khan0095@nova.gmi.edu (Mohammad Razi Khan)\\nSubject: Re: Synagogues, Mosques, and Double Standards\\nOrganization: GMI Engineering&Management Institute, Flint, MI\\nLines: 44\\nNNTP-Posting-Host: nova.gmi.edu\\n\\nnarain@ih-nxt09.cso.uiuc.edu (Nizam Arain) writes:\\n\\n>Mark Ira Kaufman writes\\n>> ... ... ...\\n>> A perfect example is the outcry over the temporary removal of\\n>> 400 men who advocated murdering Jews and destroying the State\\n>> of Israel, compared to the deafening silence over the abusive\\n>> treatment of Jews in Arab countries during the past 50 years.\\n\\n>Never mind the fact that these people were denied the right to a fair trial. \\n>And Israel was supposed to uphold \"Western values\", eh?\\n\\n>> ... ... ... \\n>> I doubt if the non-Jewish world is even capable of having any\\n>> compassion towards Jews as anti-semitism is so ancient and so\\n>> basic to both Christianity and Islam. \\n\\nYour doubts are unsubstantiated, have some faith in us..\\n\\n\\n\\n>Check your facts before bashing Islam again. While there may be Muslim \\n>anti-semites, this is no way a tenet of the religion. Saying anti-semitism is \\n\\nYes I agree.. Lets say I call my self a XXX. I go and shoot your family \\nin cold blood. Does that mean that XXX is responsible? No. I am.\\nPeople tend to associate others with color/creed/etc.. it is a form of racism.\\n\\n\\n\\n>\"basic\" to Islam is implicating the entire Muslim world, based on a selective \\n>sampling of a few people, and it flies in the face of what Islam teaches.\\n\\n>Peace.\\n>--\\n\\n> / * \\\\ Nizam Arain \\\\ What makes the universe\\n>|| || (217) 384-4671 / so hard to comprehend \\n>| \\\\___/ | Internet: narain@uiuc.edu \\\\ is that there is nothing\\n> \\\\_____/ NeXTmail: narain@sumter.cso.uiuc.edu / to compare it with.\\n-- \\nMohammad R. Khan / khan0095@nova.gmi.edu\\nAfter July \\'93, please send mail to mkhan@nyx.cs.du.edu\\nIf responses to this letter/post bounce, e-mail me at the nyx account.\\n',\n", + " 'From: sera@zuma.UUCP (Serdar Argic)\\nSubject: Keeping the silent memory of 2.5 million Muslim people alive.\\nReply-To: sera@zuma.UUCP (Serdar Argic)\\nDistribution: world\\nLines: 34\\n\\nSource: \"Men Are Like That\" by Leonard Ramsden Hartill. The Bobbs-Merrill\\nCompany, Indianapolis (1926). (305 pages). \\n(Memoirs of an Armenian officer who participated in the genocide of 2.5 \\n million Muslim people)\\n\\np. 193.\\n\\n\"Their [Muslim] villages were destroyed and they themselves were slain or \\n driven out of the country.\"\\n\\np. 218. \\n\\n\"We Armenians did not spare the Tartars. If persisted in, the slaughtering \\n of prisoners, the looting, and the rape and massacre of the helpless become \\n commonplace actions expected and accepted as a matter of course.\\n\\n I have been on the scenes of massacres where the dead lay on the ground,\\n in numbers, like the fallen leaves in a forest. They had been as helpless\\n and as defenseless as sheep. They had not died as soldiers die in the\\n heat of battle, fired with ardor and courage, with weapons in their hands,\\n and exchanging blow for blow. They had died as the helpless must, with\\n their hearts and brains bursting with horror worse than death itself.\"\\n\\n\\nSerdar Argic\\n\\n \\'We closed the roads and mountain passes that \\n might serve as ways of escape for the Turks \\n and then proceeded in the work of extermination.\\'\\n (Ohanus Appressian - 1919)\\n \\'In Soviet Armenia today there no longer exists \\n a single Turkish soul.\\' (Sahak Melkonian - 1920)\\n\\n\\n',\n", + " 'From: brian@lpl.arizona.edu (Brian Ceccarelli 602/621-9615)\\nSubject: Re: 14 Apr 93 God\\'s Promise in 1 John 1: 7\\nOrganization: Lunar & Planetary Laboratory, Tucson AZ.\\nLines: 89\\n\\nIn article bskendig@netcom.com (Brian Kendig) writes:\\n\\n>I\\'ve asked your god several times with all my heart to come to me. I\\n>really wish I could believe in him, \\'cos no matter how much confidence\\n>I build up on my own, the universe *is* a big place, and it would be\\n>so nice to know I have someone watching over me in it...\\n\\nBrian K., I am pleased with your honesty. And to be honest as well, I\\nbelieve you have not asked my god to come to you. Why do I say this?\\nBecause by the things you write on the net, and the manner with which\\nyou write them, you show me that you made up your own god and are\\nattempting to pass him off as the real thing. I got news for you.\\nYours doesn\\'t at all sound like mine. Your god doesn\\'t come to you\\nbecause your god doesn\\'t exist.\\n\\n>I\\'ve gone into this with an open mind. I\\'ve layed my beliefs aside\\n>from time to time when I\\'ve had doubt, and I\\'ve prayed to see what\\n>good that would do. I don\\'t see what more I can do to open myself to\\n>your god, short of just deciding to believe for no good reason. And\\n>if I decide to believe for no good reason, why not believe in some\\n>other god? Zeus seems like a pretty cool candidate...\\n\\nI am sorry Brian, but when I read your postings, I do not see an open mind.\\nWhat I do see is misunderstanding, lack of knowledge, arrogance and mockery.\\n\\n>Please tell me what more I can do while still remaining true to myself.\\n\\nBe true to yourself then. Have an open mind. And so end the mockery. Gain \\nknowledge of the real God. Put your presumptions aside. Read the\\nBible and know that there is, truly is, a reason for everything and\\nthere exists a God that has so much love for you that the depth of it goes beyond\\nour shallow worldly experience. A person who commits himself \\nto seeking God, will find God. Jesus stands at your door and knocks. But a\\nperson who half-heartedly opens the Bible, or opens it with purpose to find \\nsomething to mock, will find, learn and see nothing. The only thing one\\nwill gain with that attitude is folly.\\n\\nBe careful to not jump the gun, for at first glance, there are many passages\\nin the Bible that will seem bizarre and absurd. Be assured that even\\nthough they seem alien at first, be confident that they are not.\\nBe assured that beyond your present comprehension, there lies such\\ndeep reasons that once you see them, you will indeed be satisfied. \\nI will personally guarantee that one. As Jesus put it, \"You will never\\nbe thirsty again. Your cup will even flow over.\"\\n\\n\\nFrom King Solomon (970 B.C. to 930 B.C.):\\n\\n \"It is the glory of God to conceal a matter;\\n to search out a matter is the glory of kings.\"\\n\\n\\nJesus says in John 6:44 & 55:\\n\\n \"No one can come to me unless the Father who sent me draws him.\"\\n\\n\\nAnd in John 3:16:\\n\\n \"For God so loved the world that he gave his one and only Son,\\n that whosoever believes in him shall not perish but have eternal\\n life.\"\\n\\n\\nYou are included in \"whosoever\". And I also pray that the Father is\\ndrawing you, which it seems He is doing else you wouldn\\'t be posting\\nto talk.religion.misc. Remember Brian, you could be a St. Paul in the\\nmaking. Paul not only mocked Christians as you do, but also had pleasure\\nstoning them. Yet God showed him mercy, saved him, and Paul became\\non of the most celebrated men in the history of God\\'s church.\\n\\nYou see Brian, I myself better be careful and not judge you, because\\nyou could indeed be the next Paul. For with the fervor that you attack\\nChristians, one day you might find yourself one, and like Paul,\\nproclaim the good news of Jesus with that very same fervor or more.\\n\\nOr you could be the next Peter. What Jesus said to Peter, Jesus would \\nprobably say to you: \"Satan would surely like to have you.\" Why so?\\nBecause Peter was hard-headed, cynical and demonstrated great\\nmoments of stupidity, but once Peter committed himself to a task\\nhe did with full heart. Peter was the only apostle to have the\\nfaith to walk on water as Jesus did.\\n\\nYou asked \"Why not believe in Zeus?\" Zeus didn\\'t offer eternal life.\\nYou got nothing to gain by believing in Zeus.\\n\\n-------------------------------\\nBrian Ceccarelli\\nbrian@gamma1.lpl.arizona.edu\\n',\n", + " 'From: casu@magnus.acs.ohio-state.edu (Ching Tzu Andrea Su)\\nSubject: Software Unlimited?\\nArticle-I.D.: magnus.1993Apr6.195910.20328\\nOrganization: The Ohio State University\\nLines: 12\\nNntp-Posting-Host: top.magnus.acs.ohio-state.edu\\n\\n\\nSorry to waste the bandwidth. Does anyone know a software mail order company \\ncalled \"Software Unlimited\"? I ordered a software from them and they charged my\\ncredit card but never did send the package to me.\\n\\nI call them many times but nobody answer the phone. I also check Computer\\nShoppers and found they don\\'t advertise anymore. If you know if they are still\\nin business or you know how to contact them, please tell me.\\n\\nThank you very much.\\n\\nChing-Tze Su\\n',\n", + " 'From: vic@mmalt.guild.org (Vic Kulikauskas)\\nSubject: Eternity of Hell (was Re: Hell)\\nOrganization: Kulikauskas home\\nLines: 11\\n\\nOur Moderator writes:\\n\\n> I\\'m inclined to read descriptions such as the lake of fire as \\n> indicating annihilation. However that\\'s a minority view.\\n...\\n> It\\'s my personal view, but the only denominations I know of that hold \\n> it officially are the JW\\'s and SDA\\'s.\\n\\nI can\\'t find the reference right now, but didn\\'t C.S.Lewis speculate \\nsomewhere that hell might be \"the state of once having been a human \\nsoul\"?\\n',\n", + " \"From: smb@research.att.com (Steven Bellovin)\\nSubject: Re: Clipper chip -- technical details\\nOrganization: AT&T Bell Laboratories\\nLines: 20\\n\\nIn article <1667.Apr1821.58.3593@silverton.berkeley.edu>, djb@silverton.berkeley.edu (D. J. Bernstein) writes:\\n> Short summary of what Bellovin says Hellman says the NSA says: There is\\n> a global key G, plus one key U_C for each chip C. The user can choose a\\n> new session key K_P for each phone call P he makes. Chip C knows three\\n> keys: G, its own U_C, and the user's K_P. The government as a whole\\n> knows G and every U_C. Apparently a message M is encrypted as\\n> E_G(E_{U_C}(K_P),C) , E_{K_P}(M). That's it.\\n> \\n> The system as described here can't possibly work. What happens when\\n> someone plugs the above ciphertext into a receiving chip? To get M\\n> the receiving chip needs K_P; to get K_P the receiving chip needs U_C.\\n> The only information it can work with is C. If U_C can be computed\\n> from C then the system is cryptographically useless and the ``key\\n> escrow'' is bullshit. Otherwise how is a message decrypted?\\n\\nVia K_P, of course. Nothing was said about where K_P comes from. It's\\nthe session key, though, and it's chosen however you usually choose\\nsession keys --- exponential key exchange, shared secret, RSA, etc.\\nBut however you choose it, the chip will apparently emit the escrow\\nheader when you do.\\n\",\n", + " \"From: bil@okcforum.osrhe.edu (Bill Conner)\\nSubject: Re: Dear Mr. Theist\\nNntp-Posting-Host: okcforum.osrhe.edu\\nOrganization: Okcforum Unix Users Group\\nX-Newsreader: TIN [version 1.1 PL6]\\nLines: 20\\n\\nPixie (dl2021@andy.bgsu.edu) wrote:\\n\\n: For all the problems technology has caused, your types have made\\n: things even worse. Must we be reminded of the Inquisition, Operation\\n: Rescue, the Ku Klux Klan, Posse Comitatus, the 700 Club, David Duke, Salem\\n: Witch Trials, the Crusades, gay bashings, etc.\\n: PLUS virtually each and every single war, regardless of the level of\\n: technology, has had theistic organizations cheering on the carnage\\n: (chaplains, etc.), and claiming that god was in favor of the whole ordeal. \\n: Don't forget to pray for our troops!\\n: \\n\\nThis is really tedious. Every bad thing that's ever happened is\\nbecause the malefactors were under the influence of religion - does\\nanyone -really- believe that. I've seen it so often it must be a\\npretty general opinion in a.a, but I want to believe that atheists are\\nreally not THAT dishonest. Please, stick to the facts and, having\\naccomplished that, interpret them correctly.\\n\\nBill\\n\",\n", + " 'From: m23364@mwunix.mitre.org (James Meritt)\\nSubject: Re: Kind, loving, merciful and forgiving GOD!\\nNntp-Posting-Host: mwunix.mitre.org\\nOrganization: MITRE Corporation, McLean VA\\nLines: 41\\n\\nIn article <8846@blue.cis.pitt.edu> joslin@pogo.isp.pitt.edu (David Joslin) writes:\\n}m23364@mwunix.mitre.org (James Meritt) writes:\\n}>}(a) out of context;\\n}>Must have missed when you said this about these other \"promises of god\" that we keep\\n}>getting subjected to. Could you please explain why I am wrong and they are OK?\\n}>Or an acknowledgement of public hypocrisy. Both or neither.\\n}\\n}So, according to you, Jim, the only way to criticize one person for\\n}taking a quote out of context, without being a hypocrite, is to post a\\n}response to *every* person on t.r.m who takes a quote out of context?\\n\\nDid I either ask or assert that? Or is this your misaimed telepathy at work again?\\n\\n}>BTW to David Josli: I\\'m still waiting for either your public\\n}>acknowledgement of your\\n}>telepathy and precognition (are you a witch?) or an appology and retraction.\\n}\\n}Can you wait without whining? To pass the time, maybe you should go\\n}back and read the portions of my article that you so conveniently\\n}deleted in your reply. You\\'ll find most of your answers there. \\n\\nNope: In particular:\\n>once he realized that he had\\nExample of telepathy?\\n\\n>responding Jim\\'s threa\\nWhat threat. Produce it.\\n\\n>Jim again, still mystified\\nMore telepathy? Or maybe just empathic telepathy, capable of determining emotional states.\\n\\n>Jim, trying to\\nMore telepathy. How do you know \"trying\"?!?!?\\n\\n>Jim, preparing to\\nPrecognition? Substantiate. \\n\\nAll this taken from your Message-ID: <8257@blue.cis.pitt.edu>.\\n\\n\\n\\n',\n", + " 'From: jodfishe@silver.ucs.indiana.edu (joseph dale fisher)\\nSubject: Re: Eternity of Hell (was Re: Hell)\\nOrganization: Indiana University\\nLines: 98\\n\\nIn article dlecoint@garnet.acns.fsu.edu (Darius_Lecointe) writes:\\n[insert deletion of unnecessary quote]\\n\\n>Why is it that we have this notion that God takes some sort of pleasure\\n>from punishing people? The purpose of hell is to destroy the devil and\\n>his angels.\\n\\nFirst of all, God does not take any sort of pleasure from punishing\\npeople. He will have mercy on whom he will have mercy and compassion on\\nwhom he will have compassion (Ex 33:19). However, if he enjoyed\\npunishing people and sending them to hell, then why would he send Jesus\\nto \"seek and save that which was lost\" (Luke 19:10)?\\n\\n>\\n>To the earlier poster who tried to support the eternal hell theory with\\n>the fact that the fallen angels were not destroyed, remember the Bible\\n>teaches that God has reserved them until the day of judgement. Their\\n>judgement is soon to come.\\n>\\n>Let me suggest this. Maybe those who believe in the eternal hell theory\\n>should provide all the biblical evidence they can find for it. Stay away\\n>from human theories, and only take into account references in the bible.\\n>\\nYou asked for it.\\n\\n2 Peter 2:4-ff talks about how those who are ungodly are punished.\\nMatthew 25:31-46 is also very clear that those who do not righteous in\\nGod\\'s eyes will be sent to hell for eternity.\\n2 Thessalonians 1:6-10 states that those who cause trouble for the\\ndisciples \"will be punished with everlasting destruction and shut out\\nfrom the presence of the Lord\".\\n2 Thessalonians 2:9-12 talks about those who refuse to love the truth\\nbeing condemned.\\nRevelation 21:6-8 talks about the difference between those who overcomes\\nand those who do not. Those who do not, listed in verse 8, will be in\\nthe \"fiery lake of burning sulfur\".\\nRevelation 14:9-12 gives the indication that those who follow the beast\\n\"will be tormented with burning sulfur\" and there being \"no rest day or\\nnight\" for them because of it.\\nPsalm 9:17: \"The wicked return to the grave, all the nations that\\nforget God.\"\\n\\nI think those should be sufficient to prove the point.\\n\\n>Darius\\n\\nJoe Fisher\\n\\n[In the following I\\'m mostly playing \"devil\\'s advocate\". I\\'m not\\nadvocating either position. My concern is that people understand that\\nit\\'s possible to see these passages in different ways. It\\'s possible\\nto see eternal destruction as just that -- destruction. Rev often\\nuses the term \"second death\". The most obvious understanding of that\\nwould seem to be final extinction. The problem is that the NT speaks\\nboth of eternal punishment and of second death. I.e. it uses terms\\nthat can be understood either way. My concern here is not to convince\\nyou of one view or the other, but to help people understand that\\nthere\\'s a wide enough variety of images that it\\'s possible to\\nunderstand them either way. As Tom Albrecht commented, the primary\\npoint is to do our best to keep people out of the eternal fire,\\nwhatever the details. (To make things more interesting, Luke 20:35\\nimplies that the damned don\\'t get resurrected at all. Presumably\\nthey just stay dead. -- yes I\\'m aware that it\\'s possible to \\nunderstand this passage in a non-literal way.)\\n\\n2 Peter 2:4-ff is talking about angels, and talks about holding them\\nin hell until the final judgement. This isn\\'t eternal punishement.\\n\\nMatthew 25:31-46 talks about sending the cursed into eternal fire\\nprepared for the devil and his angels. The fact that the fire is\\neternal doesn\\'t mean that people will last in its flames forever.\\nParticularly interesting is the comment about the fire having been\\nprepared for the devil and his angels. Rev 20 and 21 talk about the\\neternal fire as well. They say that the beast and the false prophet\\nwill be tormented forever in it. When talking about people being\\nthrown into it (20:13-14), it is referred to as \"the second death\".\\nThis sounds more like extinction than eternal torment. Is is possible\\nthat the fire has different effects on supernatural entities such as\\nthe devil, and humans?\\n\\n2 Thessalonians 1:6-10 similarly, what is \"everlasting destruction\"?\\nThis is not necessarily eternal torment. This one can clearly be\\nunderstood either way, but I think it\\'s at least possible to think\\nthat everlasting is being used to contrast the kind of destruction\\nthat can occur in this life with the final destruction that occurs in\\neternity.\\n\\n2 Thessalonians 2:8 again talks about destruction.\\nRevelation 21:6-8: see comment above\\nRevelation 14:9-12 is probably the best of the quotes. Even there,\\nit doesn\\'t explicitly say that the people suffer forever. It says\\nthat the smoke (and presumably the fire) is eternal, and that \\nthere is no respite from it. But it doesn\\'t say that the people\\nare tormented forever.\\n\\nPsalm 9:17: I don\\'t see that it says anything relevant to this issue.\\n\\n--clh]\\n',\n", + " 'From: oyalcin@iastate.edu (Onur Yalcin)\\nSubject: Re: ARMENIA SAYS IT COULD SHOOT DOWN TURKISH PLANES\\nOrganization: Iowa State University, Ames, IA\\nLines: 38\\n\\nIn article <1993Apr19.155856.8260@kpc.com> henrik@quayle.kpc.com writes:\\n>In article <1993Apr17.185118.10792@ee.rochester.edu>, terziogl@ee.rochester.edu (Esin Terzioglu) writes:\\n>|>\\n>|>..[cancellum]... \\n>|>\\n>\\n>\\n>Let me clearify Mr. Turkish;\\n>\\n>ARMENIA is NOT getting \"itchy\". SHE is simply LETTING the WORLD KNOW that SHE\\n>WILL NO LONGER sit there QUIET and LET TURKS get away with their FAMOUS \\n>tricks. Armenians DO REMEMBER of the TURKISH invasion of the Greek island of\\n>CYPRESS WHILE the world simply WATCHED. \\n>\\n>\\n\\nIt is more appropriate to address netters with their names as they appear in\\ntheir signatures (I failed to do so since you did not bother to sign your\\nposting). Not only because it is the polite thing to do, but also to avoid\\naddressing ladies with \"Mr.\", as you have done.\\n\\nSecondly, the island of which the name is more correctly spelled as Cyprus has\\nnever been Greek, but rather, it has been home to a bi-communal society formed\\nof Greeks and Turks. It seems that you know as little about the history and\\nthe demography of the island, as you know about the essence of Turkey\\'s \\nmilitary intervention to it under international agreements.\\n\\nBe that as it may, an analogy between an act of occupation in history and what\\nis going on today on Azerbaijani land, can only be drawn with the expansionist\\npolicy that Armenia is now pursuing.\\n\\nBut, I could agree that it is not for us to issue diagnoses to the political\\nconduct of countries, and promulgate them in such terminology as\\n\"itchy-bitchy\"... \\n\\nOnur Yalcin\\n\\n-- \\n',\n", + " \"From: baden@sys6626.bison.mb.ca (baden de bari)\\nSubject: ***] SEGA 3-D GLASSES WANTED!!!\\nOrganization: System 6626 BBS, Winnipeg Manitoba Canada\\nLines: 17\\n\\n \\n Does anyone have a pair of Sega 3-d glasses they're willing\\nto part with? Or know of anywhere to acquire a pair, as they don't have \\nthem around here!!!\\n \\n Thanks.\\n \\n \\n _________________________________________________\\n Inspiration | ___ |\\n comes to | \\\\ o baden@sys6626.bison.mb.ca |\\n those who | ( ^ ) baden@inqmind.bison.mb.ca |\\n seek the | /-\\\\ =] Baden de Bari [= |\\n unknown. | |\\n ------------------------------------------------- \\n \\n\\n\",\n", + " 'Subject: Re: Candida(yeast) Bloom, Fact or Fiction\\nFrom: pchurch@swell.actrix.gen.nz (Pat Churchill)\\nOrganization: Actrix Networks\\nLines: 17\\n\\nI am currently in the throes of a hay fever attack. SO who certainly\\nnever reads Usenet, let alone Sci.med, said quite spontaneously \"\\nThere are a lot of mushrooms and toadstools out on the lawn at the\\nmoment. Sure that\\'s not your problem?\"\\n\\nWell, who knows? Or maybe it\\'s the sourdough bread I bake?\\n\\nAfter reading learned, semi-learned, possibly ignorant and downright\\nludicrous stuff in this thread, I am about ready to believe anything :-)\\n\\nIf the hayfever gets any worse, maybe I will cook those toadstools...\\n\\n-- \\n^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\\n The floggings will continue until morale improves \\n pchurch@swell.actrix.gen.nz Pat Churchill, Wellington New Zealand \\n:::::::::::::::::::::::::::::::::::::::::::::::::::::::::::::::::::::::: \\n',\n", + " \"From: ricky@watson.ibm.com (Rick Turner)\\nSubject: Re: CorelDraw Bitmap to SCODAL\\nDisclaimer: This posting represents the poster's views, not necessarily those of IBM.\\nNntp-Posting-Host: danebury.hursley.ibm.com\\nOrganization: IBM T.J. Watson Research\\nLines: 4\\n\\nMy CorelDRAW 3.0.whatever write SCODL files directly. Look under File|Export\\non the main menu. \\n\\nRick\\n\",\n", + " 'From: mlee@post.RoyalRoads.ca (Malcolm Lee)\\nSubject: Re: A KIND and LOVING God!!\\nOrganization: Royal Roads Military College, Victoria, B.C.\\nLines: 11\\n\\n\\nIn article , pharvey@quack.kfu.com (Paul Harvey) writes:\\n|>\\n|> So, do you adhere to the Ten Commandments?\\n|>\\n\\nJesus did and so do I.\\n\\nPeace be with you,\\n\\nMalcolm Lee :)\\n',\n", + " 'From: dfclark@snll-arpagw.llnl.gov (clark dean f)\\nSubject: Re: Centris Cache & Bernoulli Box\\nArticle-I.D.: snll-arp.519\\nDistribution: world\\nOrganization: Sandia National Laboratories\\nLines: 27\\n\\nIn article <1993Apr2.123619.548@physc1.byu.edu> goblec@physc1.byu.edu writes:\\n>I just tried running my Bernoulli Box off a Centris and the driver\\n>software only seems to work when the 040 cache is off. If it is\\n>on I get the message \"This is not a Macintosh Disk - do you wish\\n>to initialize it.\" \\n>\\n>I have IOMEGA Driver 3.4.2. Is there a newer version that works\\n>with the 040\\'s? Is there something I am doing wrong?\\n>\\n>Clark Goble\\n>goblec@theory.byu.edu\\n\\nI Have Version 3.5.1 which I believe was needed for a 040 machine.\\nYou should be able to get the newest version by calling their tech\\nsupport at 1-800-456-5522 or if you have a modem you can get the\\ndriver from their BBS at 801-778-4400.\\n\\n\\n\\ndean\\n\\n\\n\\n-- \\n\\nDean Clark\\nInternet dfclark@ca.sandia.gov\\n',\n", + " \"From: Petch@gvg47.gvg.tek.com (Chuck Petch)\\nSubject: Anybody out there?\\nOrganization: Grass Valley Group, Grass Valley, CA\\nLines: 30\\n\\nI seldom see any posts in this group. Is anyone out there in Christendom\\nlistening? If so, why don't we get some dialog going here?\\n\\nHere's a topic to get things started. My daughter's Christian school sends\\nhome a weekly update on school related topics. This week they sent\\nsomething *very* interesting. It was an article written by the leader of a\\nnational (US) Christian school organization about a trip he recently made\\nto Jerusalem. While there, he was introduced to one of the rabbis who is\\nworking on a project to rebuild the Temple at Jerusalem. The article\\nincluded photos of the many furnishings that have already been made in\\npreparation for furnishing the rebuilt temple according to the\\nspecifications given in the Bible. \\n\\nWhat was even more striking is the fact that the plans for the temple are\\ncomplete and the group is only awaiting permission from the Israeli\\ngovernment before beginning the building. The other startling fact is the\\nvery recent archeological discovery that the original site of the temple is\\nunoccupied and available for building. Previously it has been thought that\\nthe original site was underneath what is now a mosque, making rebuilding\\nimpossible without sparking a holy war. \\n\\nNow it appears that nothing stands in the way of rebuilding and resuming\\nsacrifices, as the Scriptures indicate will happen in the last days.\\nAlthough the Israeli government will give the permission to start, I think\\nit is the hand of God holding the project until He is ready to let it\\nhappen. Brothers and sisters, the time is at hand. Our redemption is\\ndrawing near. Look up!\\n\\n[Postings are in the range of 30 to 50 per day, except weekends.\\nIf people aren't seeing that, we've got propagation problems. --clh]\\n\",\n", + " 'From: Rob Earhart \\nSubject: Re: Mix GL with X (Xlib,Xt,mwm)\\nOrganization: Pittsburgh Supercomputing Center\\nLines: 15\\nNNTP-Posting-Host: po3.andrew.cmu.edu\\nIn-Reply-To: <9304191540.AA09727@sparc1.jade.com>\\n\\n Yes, it\\'s possible... in fact, there\\'s some gl widget code in\\n/usr/lpp/GL somewhere... (it\\'s named Glib.c; my IBM\\'s down right now\\nthough, so I can\\'t find the exact location :)\\n\\n WARNING: this code feels quite bogus. It does things like calling\\nnoport() before winopen(), and then extracting an X window id from it\\nanyway. It worked just fine under aix 3.1; I spent last weekend trying\\nto port it to 3.2 (gl under 3.2 doesn\\'t seem to like it), and it\\'s\\nturning into a Hard Job.\\n\\n Check out your \"info\" pages; it has some pretty good documentation on\\nwhan you can and can\\'t do when mixing gl and X, and how to go about\\ndoing so.\\n\\n )Rob\\n',\n", + " \"From: Ivanov Sergey \\nSubject: Re: Re: VGA 640x400 graphics mode\\nDistribution: world\\nOrganization: Commercial and Industrial Group ARGUS\\nReply-To: serge@argus.msk.su\\nLines: 7\\n\\n> My 8514/a VESA TSR supports this\\n\\n Can You report CRT and other register state in this mode ?\\n Thank's.\\n\\n Serge Ivanov (serge@argus.msk.su)\\n\\n\",\n", + " 'From: yavo@sdosrv2.gvl.unisys.com (Steve Yavorski)\\nSubject: Re: Mercury Villager Minivan -- good buy?\\nDistribution: usa\\nOrganization: Paramax Systems, Ivyland, PA\\nLines: 15\\nNntp-Posting-Host: sdosrv2.ivy.paramax.com\\n\\nIn article bob@ncube.com (Bob Kehoe) writes:\\n>\\n>Curiously (and consider these are test\\n>vehicles), I found the Mercury higher\\n>in build quality than the Nissan.\\n>\\nThis is very curious being that they are both built by Mercury in the\\nvery same factory.\\n\\nSteve\\n\\nStephen Yavorski\\t\\t\\tinternet - yavo@ivy.paramax.com\\nNEXRAD Integration\\t\\t\\tphone - (215) 443 - 7500\\nParamax Systems Corporation\\nIvyland, Pennsylvania\\n',\n", + " 'From: er1@eridan.chuvashia.su (Yarabayeva Albina Nikolayevna)\\nSubject: FOR SALE:high-guality conifer oil from Russia,$450/ton;400 ton\\nReply-To: er1@eridan.chuvashia.su\\nDistribution: eunet\\nOrganization: Firm ERIDAN\\nLines: 1\\n\\nInguiry by address:er1@eridan.chuvashia.su\\n',\n", + " 'From: wjhovi01@ulkyvx.louisville.edu (Bill Hovingh, LPTS Student)\\nSubject: Re: hate the sin...\\nOrganization: University of Louisville\\nLines: 12\\n\\nscott@prism.gatech.edu (Scott Holt) writes:\\n> \"Hate the sin but love the sinner\"...I\\'ve heard that quite a bit recently, \\n> often in the context of discussions about Christianity and homosexuality...\\n> but the context really isn\\'t that important. My question is whether that\\n> statement is consistent with Christianity. I would think not.\\n\\nI\\'m very grateful for scott\\'s reflections on this oft-quoted phrase. Could\\nsomeone please remind me of the Scriptural source for it? (Rom. 12.9 doesn\\'t\\ncount, kids.) The manner in which this little piece of conventional wisdom is\\napplied has, in my experience, been uniformly hateful and destructive.\\n\\nbillh\\n',\n", + " \"From: gunnarh@dhhalden.no (GUNNAR HORRIGMO)\\nSubject: Re: How to the disks copy protected.\\nLines: 25\\nNntp-Posting-Host: pc109\\nOrganization: Ostfold College\\n\\nIn article sehari@iastate.edu (Babak Sehari) writes:\\n\\n>I was wondering, what copy protection techniques are avaliable, and how\\n>effective are they? Has anyone have any experience in this area?\\n>\\n> With highest regards,\\n> Babak Sehari.\\n\\nOne of the easiest, and really very used ways of copyprotection, is to mark \\na specific sector on the installation disk bad. This is very easy to get \\naround, though, if you have any knowledge of hw-hacking, but most 'normal' \\nusers (yes those lowly key-punchers) don't. Whatever you do, please do \\n_not_ use a hardware key. These were very popular a few years ago, and they \\nSTINK!!\\n\\nMAIL-mail: gunnarh@sofus.dhhalden.no SNAIL-mail: Gunnar Horrigmo\\n gunnarh@fenris.dhhalden.no Oskleiva 17\\n N-1772 Norway\\n----------------------------------------------------------------------\\nDisclaimer: The above posting may seem like insignificant rubbish at \\nfirst glance, but if you read between the lines, you will be \\nsurprised to discover the annals of Burt Bacharach, world peace, \\nOxford Advanced Readers Dictionary, quantum physics made easy, and an \\neasy-to-use step-by-step walkthrough on how to make a time travelling \\ndevice that actually works.\\n\",\n", + " 'From: timmbake@mcl.ucsb.edu (Bake Timmons)\\nSubject: Re: Amusing atheists and agnostics\\nLines: 66\\n\\n\\nJames Hogan writes:\\n\\ntimmbake@mcl.ucsb.edu (Bake Timmons) writes:\\n>>Jim Hogan quips:\\n\\n>>... (summary of Jim\\'s stuff)\\n\\n>>Jim, I\\'m afraid _you\\'ve_ missed the point.\\n\\n>>>Thus, I think you\\'ll have to admit that atheists have a lot\\n>>more up their sleeve than you might have suspected.\\n\\n>>Nah. I will encourage people to learn about atheism to see how little atheists\\n>>have up their sleeves. Whatever I might have suspected is actually quite\\n>>meager. If you want I\\'ll send them your address to learn less about your\\n>>faith.\\n\\n>Faith?\\n\\nYeah, do you expect people to read the FAQ, etc. and actually accept hard\\natheism? No, you need a little leap of faith, Jimmy. Your logic runs out\\nof steam!\\n\\n>>>Fine, but why do these people shoot themselves in the foot and mock\\n>>>the idea of a God? ....\\n\\n>>>I hope you understand now.\\n\\n>>Yes, Jim. I do understand now. Thank you for providing some healthy sarcasm\\n>>that would have dispelled any sympathies I would have had for your faith.\\n\\n>Bake,\\n\\n>Real glad you detected the sarcasm angle, but am really bummin\\' that\\n>I won\\'t be getting any of your sympathy. Still, if your inclined\\n>to have sympathy for somebody\\'s *faith*, you might try one of the\\n>religion newsgroups.\\n\\n>Just be careful over there, though. (make believe I\\'m\\n>whispering in your ear here) They\\'re all delusional!\\n\\nJim,\\n\\nSorry I can\\'t pity you, Jim. And I\\'m sorry that you have these feelings of\\ndenial about the faith you need to get by. Oh well, just pretend that it will\\nall end happily ever after anyway. Maybe if you start a new newsgroup,\\nalt.atheist.hard, you won\\'t be bummin\\' so much?\\n\\n>Good job, Jim.\\n>.\\n\\n>Bye, Bake.\\n\\n\\n>>[more slim-Jim (tm) deleted]\\n\\n>Bye, Bake!\\n>Bye, Bye!\\n\\nBye-Bye, Big Jim. Don\\'t forget your Flintstone\\'s Chewables! :) \\n--\\nBake Timmons, III\\n\\n-- \"...there\\'s nothing higher, stronger, more wholesome and more useful in life\\nthan some good memory...\" -- Alyosha in Brothers Karamazov (Dostoevsky)\\n',\n", + " \"From: jcyuhn@crchh574.NoSubdomain.NoDomain (James Yuhn)\\nSubject: Re: SHO clutch question (grinding noise?)\\nNntp-Posting-Host: crchh574\\nOrganization: BNR, Inc.\\nLines: 15\\n\\nIn article <5243@unisql.UUCP>, wrat@unisql.UUCP (wharfie) writes:\\n|> In article jcyuhn@crchh574.NoSubdomain.NoDomain\\n|> (James Yuhn) writes:\\n|> > That's not the clutch you're hearing, its the gearbox. Early SHOs have\\n|> > a lot of what is referred to as 'gear rollover' noise. You can generally\\n|> \\n|> \\tI have one of the first SHOs built, and _mine_ doesn't make\\n|> this noise.\\n|> \\n\\n Geez wharfie, do you have to be so difficult? Mine was built in December\\n'88,\\n which qualifies as pretty dang early, and it most certainly grinds away.\\n \\n Jim \\n\",\n", + " 'From: beck@irzr17.inf.tu-dresden.de (Andre Beck)\\nSubject: Re: Drawing colour pixmaps - not rectangular\\nOrganization: Dept. of Computer Science, TU Dresden, Germany.\\nLines: 27\\nDistribution: world\\nReply-To: Andre_Beck@IRS.Inf.TU-Dresden.DE\\nNNTP-Posting-Host: irzr17.inf.tu-dresden.de\\n\\n\\nIn article <1993Mar31.022947.149@etrog.se.citri.edu.au>, jck@catt.citri.edu.au (Justin Kibell) writes:\\n\\n|> I am writing a program which needs to draw colour XPM pixmap files onto a background without having the borders show up. I cannot do xor as the colours all stuff up. I cannot use XCopyPlane() as that is for single planes only. I want to be able to specify a colour in the pixmap to be used as the opaque colour. Is this possible. \\n|> \\n|> Games such as xjewel have the same problem. How does the mouse pointer do it?\\n|> \\n|> Any help would be helpful? :-)\\n|> \\n\\nYou wanna do masking. Build a bitmap (pixmap of depth one) where all pixels\\nyou name \"opaque\" are 1 (that get copied) and the others are 0. Use this\\nbitmap as the clip_mask in the gc used for XCopyArea(), and remember to\\nadjust the clip_origin coordinates to the XCopyArea() blit origin.\\n\\nThe Mouse pointer (besides from that it is driven using RAMDAC analog\\nmapping on most hardwares) uses a mask, too.\\n\\nBut be warned: blitting through a mask and especially moving around this mask\\nis annoying slow on most xservers... it flickers even at 40 MIPS...\\n\\n--\\n+-o-+--------------------------------------------------------------+-o-+\\n| o | \\\\\\\\\\\\- Brain Inside -/// | o |\\n| o | ^^^^^^^^^^^^^^^ | o |\\n| o | Andre\\' Beck (ABPSoft) mehl: Andre_Beck@IRS.Inf.TU-Dresden.de | o |\\n+-o-+--------------------------------------------------------------+-o-+\\n',\n", + " \"From: adrian@ora.COM (Adrian Nye)\\nSubject: widgets vs. gadgets\\nOrganization: O'Reilly and Associates, Inc.\\nLines: 15\\nReply-To: adrian@ora.com\\nNNTP-Posting-Host: enterpoop.mit.edu\\nTo: xpert@expo.lcs.mit.edu\\n\\n\\n\\n> I've been using the XmGraph widget that's been floating around and I\\n> noticed the performance is significantly better using Gadgets, perhaps\\n> even 100% faster. I had heard in an old programming course that gadgets\\n> were no longer any benefit to performance, and that it's just as well\\n> to use widgets everywhere. \\n\\nInteresting, I'd like to know why.\\n\\nBut try it again on a single ethernet with 100 X terminals on it,\\nand I think you'll find it much slower.\\n\\nAdrian Nye\\nO'Reilly and Associates\\n\",\n", + " 'From: prg@nessie.mcc.ac.uk (Pete Green)\\nSubject: Wanted: Advice/comments on building a PC\\nDistribution: uk\\nOrganization: Manchester Computing Centre\\nLines: 14\\n\\nIn the next few months I am intending to build a 386 or 486 PC system\\nfor remote monitoring. I would welcome any comments or advice you may\\nhave on the choice of motherboard, HDDs and I/O boards. Recommendations\\nfor good companies selling these would be a big help.\\n\\nMany thanks,\\n\\nPeter Green.\\n\\n\\n-- \\nPeter R. Green ------- Tel:+44 61 200 4738 ---- Fax:+44 61 200 4019 -----------\\n JANET: prg@uk.ac.mcc.nessie INTERNET: prg%nessie.mcc.ac.uk \\n----------------------- #include ----------------------------\\n',\n", + " 'From: svoboda@rtsg.mot.com (David Svoboda)\\nSubject: Re: Your opinion and what it means to me.\\nNntp-Posting-Host: corolla18\\nOrganization: Motorola Inc., Cellular Infrastructure Group\\nLines: 44\\n\\nIn article <13516@news.duke.edu> infante@acpub.duke.edu (Andrew Infante) writes:\\n|Well, as a few of you so aptly put it, \\n|get off the road, jerk, we don\\'t wanna hear your \\n|whining.\\n|\\n|Fine.\\n|\\n|Fuck off too.\\n|\\n|If you noticed, it was in 91, more than two years ago,\\n|and YES, I\\'ve learned, and it\\'s cost me.\\n|\\n|And yes, I\\'ve known people (friends and relatives) who\\'ve\\n|been involved in drunk-related accidents (not them, they were hit)\\n|and my cousin is still recovering.\\n|\\n|No, I can\\'t take back what happened.\\n|\\n|Yes, it was stupid.\\n|\\n|But, by reminding me about it all the time, you\\'re\\n|neither helping me or yourself, so stuff your opinion.\\n\\nHey, man, you brought it up. I agree completely, driving drunk is really\\nstupid, and I understand and appreciate that you feel bad about it. But\\nDWI is endemic in our society. It is a REAL problem. And we, as \\nmotorcyclists, can be in the worst of vulnerable positions around a drunk\\ndriver. (Alert readers might remember that last year I witnessed a DWI\\naccident (right bloody in front of me), and was unable to save the life \\nof one of the participants, as I reported here.) Also, drunk driving by\\nmotorcyclists is a prime cause of their injury and death, which raises the\\ninsurance rates, forces stupidly restrictive laws, and turns the public\\nagainst those of us who ride responsibly.\\n\\nIn my view, drunk driving should carry a mandatory prison sentence.\\nIt is one of the traffic offenses which is NOT a public funds issue,\\nbut a genuine safety issue. So if YOU bring up the subject on rec.moto,\\nadmitting having been caught DWI, and looking for sympathy over the \\nconsequences, don\\'t expect people to respond with warm wishes.\\n\\nDave Svoboda (svoboda@void.rtsg.mot.com) | \"I\\'m getting tired of\\n90 Concours 1000 (Mmmmmmmmmm!) | beating you up, Dave.\\n84 RZ 350 (Ring Ding) (Woops!) | You never learn.\"\\nAMA 583905 DoD #0330 COG 939 (Chicago) | -- Beth \"Bruiser\" Dixon\\n',\n", + " 'From: chuck@eng.umd.edu (Chuck Harris - WA3UQV)\\nSubject: Re: Riddle me this...\\nOrganization: University of Maryland, Department of Electrical Engineering\\nLines: 15\\nDistribution: usa\\nNNTP-Posting-Host: bree.eng.umd.edu\\n\\nIn article <1993Apr20.050550.4660@jupiter.sun.csd.unb.ca> j979@jupiter.sun.csd.unb.ca (FULLER M) writes:\\n>Does a \"not harmful\" gassing mean that you can, with a little willpower,\\n>stay inside indefinitely without suffering any serious health problems?\\n>\\n>If so, why was CS often employed against tunnels in Vietnam?\\n>\\n>What IS the difference, anyway?\\n\\nCS \"tear-gas\" was used in Vietnam because it makes you wretch so hard that\\nyour stomach comes out thru your throat. Well, not quite that bad, but\\nyou can\\'t really do much to defend yourself while you are blowing cookies.\\n\\nChuck Harris - WA3UQV\\nchuck@eng.umd.edu\\n\\n',\n", + " 'From: sp@odin.NoSubdomain.NoDomain (Svein Pedersen)\\nSubject: Utility for updating Win.ini and system.ini\\nOrganization: University of Tromsoe, Norway\\nLines: 6\\n\\nI nead a utility for updating (deleting, adding, changing) *.ini files for Windows. \\n\\nDo I find it on any FTP host?\\n\\nSvein\\n\\n',\n", + " 'From: hm@cs.brown.edu (Harry Mamaysky)\\nSubject: Re: Freedom In U.S.A.\\nIn-Reply-To: ab4z@Virginia.EDU\\'s message of Tue, 27 Apr 1993 20:12:52 GMT\\nOrganization: Dept. of Computer Science, Brown University\\nLines: 28\\n\\nIn article <1993Apr27.201252.9110@Virginia.EDU> ab4z@Virginia.EDU (\"Andi Beyer\") writes:\\n\\n > \\n > Bull shit. There is no reason in the world why we can\\'t say that\\n > taking views analogous to the KKK\\'s or some such organization is\\n > wrong. There is no reason why some morality may not be legislated. As\\n > it is we do not allow theft, or murder, or rape. Why should we allow\\n > hateful sppech whose only purpose is to stir anger and violence.\\n > \\n > Harry.\\n\\n\\t Actually, You\\'re wrong as well. The KKK is allowed to\\n march and any attempts to curtail their freedom is rejected\\n (Actually I believe the ACLU won a case for them last year). \\n\\t Morality should not be legilated in a free country like\\n the U.S. \\n\\nYes. That seems to be the problem. Even Germany now has laws for its\\nmilitary where soldiers are *required* to disobey orders if they\\nbelieve the orders are morally incorrect.\\n\\nNaziism is prohibited in Canada, Germany (others?). How pray tell is\\nCanda any less free than the US?\\n\\n\\t I\\'ll post something on TJ and Uva under Uva for those\\n Hoos bashers.\\n\\nHarry.\\n',\n", + " 'From: thomsonal@cpva.saic.com\\nSubject: Drag-free satellites\\nOrganization: Science Applications Int\\'l Corp./San Diego\\nLines: 33\\n\\nOn Sat, 1 May 1993 23:13:39 GMT, henry@zoo.toronto.edu (Henry Spencer) said:\\n\\n> No. A \"dragless\" satellite does not magically have no drag; it burns fuel\\n> constantly to fight drag, maintaining the exact orbit it would have *if*\\n> there was no drag. \\n\\n Well, almost. It turns out that clever orbital mechanics can \\nengineer things so that resonant interactions with the higher order \\nharmonics of the Earth\\'s gravitational field can pump energy into a \\nsatellite, and keep it from experiencing drag effects for periods of \\nmonths to years. \\n\\n My favorite example of this is the Soviet/Russian heavy ELINT \\nsatellites of the Cosmos 1603 class, which are in 14:1 resonance. In \\nparticular, C1833 has undergone two periods of prolonged *gain* in \\naltitude, the current one having started in June 1991; the mean altitude \\nof the satellite is now as high as it has ever been since launch on 18 \\nMarch 1987. (Looking at the elements for C1833 also shows the \\nlimitations of NORAD\\'s software -- but that\\'s another story.) \\n\\n This probably has little relevance to space stations, since the 71 \\ndegree orbits of the C1603 satellites are at 850 km, which is \\nunacceptably far into the inner van Allen belt for manned platforms. But \\nit\\'s kind of interesting from the point of view of the physics of the \\nsituation. \\n\\n (Orbital elements for these satellites are available on request.) \\n\\n\\nAllen Thomson SAIC McLean, VA\\n----------------------------------------------------------------------\\nIs there an opinion here? If so, it\\'s mine, not SAIC\\'s\\n\\n',\n", + " \"From: murray@src.dec.com (Hal Murray)\\nSubject: Re: How do they know what keys to ask for? (Re: Clipper)\\nOrganization: DEC Systems Research Center\\nLines: 8\\n\\nIn article <1993Apr17.031520.13902@clarinet.com>, brad@clarinet.com (Brad Templeton) writes:\\n|> The actual algorithm is classified, however, their main thrust here is\\n|> for cellular phones, and encryption is only over the radio end, not\\n|> end to end, I think. End to end will come later.\\n\\nEncrypting just the radio link doesn't make sense to me. That means the telco\\nhas to do the decryption, and hence they need the keys. How are they going to be\\nkept secure?\\n\",\n", + " 'From: huot@cray.com (Tom Huot)\\nSubject: Re: plus minus stat\\nLines: 28\\nNntp-Posting-Host: pittpa.cray.com\\nOrganization: Cray Research Inc.\\nX-Newsreader: TIN [version 1.1 PL8]\\n\\nBrad Gibson (gibson@nukta.geop.ubc.ca) wrote:\\n\\n[Much text deleted]\\n\\n: plus/minus ... it is the most misleading hockey stat available.\\n\\nNot necessarily the most misleading, but you are right, it definitely\\nneeds to be taken in the proper perspective. A shining example is\\nif you look at the Penguins individual +/-, you will find very few minuses.\\nThat only makes common sense, since they didn\\'t lose many games.\\n\\n: Until the NHL publishes a more useful quantifiable statistic including ice\\n: time per game and some measure of its \"quality\" (i.e., is the player put out\\n: in key situations like protecting a lead late in the game; is he matched up\\n: against the other team\\'s top one or two lines; short-handed, etc), I would\\n: much rather see the +/- disappear altogether instead of having its dubious\\n: merits trumpeted by those with little understanding of its implications.\\n\\nUnfortunately, you will need to keep a ridiculous number of stats to\\nreally come up with a statistic which really shows a player\\'s value.\\nLet\\'s just enjoy the game and not overanalyze it. (like I\\'m doing now,\\nexcuse me!)\\n\\n--\\n_____________________________________________________________________________\\nTom Huot \\t\\t\\t \\nhuot@cray.com \\n~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\\n',\n", + " \"From: William_Mosco@vos.stratus.com\\nSubject: Re: Homosexuality issues in Christianity\\nOrganization: Stratus Computer, Marlboro Ma.\\nLines: 13\\n\\n>We are all still human. We don't know it all, but homosexual or heterosexual, \\n>we all strive to follow Jesus. The world is dying and needs to hear about \\n>Jesus Christ. \\n Gaining entry into heaven cannot be done without first being cleansed by \\n the blood of Jesus. \\n Sin cannot dwell in heaven. It is against the natural laws of God. \\n Being converted to christianity means being baptized by the Holy Spirit. \\n You cannot get to heaven by good works only. \\n Because of the union with the holy spirit, the man's behavior will change. \\n If there is true union he will not desire to be homosexual. Fornication \\n and homosexuality will leave your life if you are truly baptized by the \\n holy spirit. It's not to say that we don't stumble now and then. \\n \\n\",\n", + " 'From: rngai@oracle.com (Raymond Ngai)\\nSubject: Perstor System Disk Controller information needed\\nNntp-Posting-Host: hqseq.us.oracle.com\\nOrganization: Oracle Corporation, Belmont, CA\\nDistribution: comp\\nX-Disclaimer: This message was written by an unauthenticated user\\n at Oracle Corporation. The opinions expressed are those\\n of the user and not necessarily those of Oracle.\\nLines: 36\\n\\n\\n\\nDoes anybody out there have or used to have an HD controller from\\nPerstor System Inc. (which is out of business I believe)? My friend\\nreceived an old PC which happens to have such a controller and I am\\nhaving a hard time trying to add another HD to the card.\\n\\n\\nI believe the controller is supposed to control MFM drives as RLL\\ndrives?? \\n\\n\\nHere the model info on the card, but any other similar model will\\nprobably do.\\n\\n\\n\\nPerstor System Inc.\\nModel: PS 180-16FN\\nRev: 2.2 ECN 9-21\\n\\n\\nI would appreciate your reply directly to my e-mail address below.\\n\\n\\n\\nThanks,\\n\\n\\nRay (rngai@oracle.com)\\n\\n--\\n( Raymond Ngai\\t\\t\\t\\t\\t\\t )\\n( Application System Analyst\\t\\t\\t300 Oracle Parkway, #670A )\\n( Vertical Applications Division\\t\\tRedwood Shores, CA 94065 )\\n( Oracle Corporation\\t\\t\\t\\t(415)506-3385 FAX:506-7262 )\\n',\n", + " \"From: bw662@cleveland.Freenet.Edu (Bill Cray)\\nSubject: Re: Thinking About Buying Intrepid - Good or Bad Idea?\\nOrganization: Case Western Reserve University, Cleveland, Ohio (USA)\\nLines: 6\\nNNTP-Posting-Host: hela.ins.cwru.edu\\n\\n\\nI bought an Intrepid about two months ago and am very happy with\\nit. Lots of room inside and even with the smaller engine it has\\nenough power for me. The only problem I found was a small\\nselection on the dealer's lots. They are hot sellers around here.\\n-- \\n\",\n", + " 'From: Rick Miller - former spook \\nSubject: Alternate *legal* wiretaps.\\nOrganization: Just me.\\nLines: 43\\nNNTP-Posting-Host: 129.89.2.33\\nSummary: Nothing spooky, it\\'s an Executive Order.\\n\\ntuinstra@signal.ece.clarkson.edu.soe writes:\\n[...]\\n> It would be a strong incentive, as Vesselin points out, for more\\n>police agencies to \"go rogue\" and try to get keys through more efficient\\n>(but less Constitutional) means. Notice what the release said:\\n>\\n> Q: Suppose a law enforcement agency is conducting a wiretap on\\n> a drug smuggling ring and intercepts a conversation\\n> encrypted using the device. What would they have to do to\\n> decipher the message?\\n>\\n> A: They would have to obtain legal authorization, normally a\\n> ^^^^^^^^^^\\n> court order, to do the wiretap in the first place.\\n> ^^^^^^^^^^^\\n\\n>The clear implication is that there are \"legal\" authorizations other\\n>than a court order. Just how leaky are these? (And who \\n>knows what\\'s in those 7 pages that authorized the NSA?). There\\n[...]\\n\\nI was a cryptologic tech in the US Navy (CTRSN, nothing big). All \\'spooks\\'\\nin the Navy are required to know the \"gist\" of \"USSID 18\", the Navy-way of\\nnaming a particular Presidential \"Executive Order\". It outlines what spooks\\ncan and can\\'t do with respect to the privacy of US nationals.\\n\\nThe following information is (of course) UNCLASSIFIED.\\n\\nThe whole issue hangs about what you mean by \"wiretap\". If the signal can\\nbe detected by \"non-intrusive\" means (like radio listening), then it may be\\nrecorded and it may be \"analyzed\". \"Analyzed\" means that it may be either\\ndeciphered and/or radio-location may be used to locate the transmitter.\\n\\nThe catch is this: Any and all record of the signal and its derivatives\\nmay only be kept for a maximum of 90 days, after which they are destroyed\\nunless permission is obtained from the US Attorney General to keep them.\\n\\nDidn\\'t you ever wonder how Coast Guard cutters *find* those drug-runners\\nin all those tens of thousands of square miles of sea, even in the dark?!?\\n\\nRick Miller | Ricxjo Muelisto\\nSend a postcard, get one back! | Enposxtigu bildkarton kaj vi ricevos alion!\\n RICK MILLER // 16203 WOODS // MUSKEGO, WIS. 53150 // USA\\n',\n", + " 'From: livesey@solntze.wpd.sgi.com (Jon Livesey)\\nSubject: Re: FAKE GOD, HOLY LIES\\nOrganization: sgi\\nLines: 10\\nDistribution: world\\nNNTP-Posting-Host: solntze.wpd.sgi.com\\n\\nIn article <1993Apr22.130421.113279@zeus.calpoly.edu>, dmcaloon@tuba.calpoly.edu (David McAloon) writes:\\n>\\n> REMEMBER: Einstien said Imagination is greater than knowledge!!\\n\\nThen Einstein should have had lunch with me at the Tien Fu\\non Castro Street yesterday, when they handed me a fortune\\ncookie that said \"He who has imagination but not knowledge\\nhas wings, but no feet\".\\n\\njon.\\n',\n", + " \"From: koontzd@phobos.lrmsc.loral.com (David Koontz )\\nSubject: Will FEDs troll for mutilated law enforcement blocks?\\nOriginator: koontzd@phobos\\nOrganization: Loral Rolm Computer Systems\\nLines: 121\\n\\nFrom Denning:\\n\\n the Skipjack encryption algorithm\\n F, an 80-bit family key that is common to all chips\\n N, a 30-bit serial number\\n U, an 80-bit secret key that unlocks all messages encrypted with the chip\\n\\n E[M; K], the encrypted message stream, and \\n E[E[K; U] + N; F], a law enforcement block. \\n\\nWhere the session key is K, and is transmitted encrypted in the unit Key U.\\nWhich along with the serial number N is encrypted in the Family key F.\\n\\nPresumably the protocol can be recovered (if by nothing else, differential\\nanalysis).\\n\\nPostulate if you will, a chip (or logic) sitting between the clipper chip\\nand its communications channel. The function of this spoof chip is twofold:\\n \\n\\t1) Transmit Channel\\n\\n\\t The spoof chip XORs the 30 bit encrypted serial number with\\n\\t a secondary keying variable. This renders the serial number\\n\\t unrecoverable with just the family key\\n\\n\\t2) Receive Channel\\n\\n\\t The spoof chip XORs the incoming encrypted serial number\\n\\t with a secondary keying variable (assuming integrity of the\\n\\t law enforcement block is necessary for local operation -\\n\\t checksums, sequence control, etc.).\\n\\nThis has the net result of hiding the serial number. It is probable theere is\\na known plaintext pattern used as a filler in the block containing N (34 bits\\nas used in generating U, U1,U2) correctness of the law enforcement block\\ncan be determined with only the family key F. Whereas, no one has proposed\\nFederal Agencies be denied F, and because they could recover it themselves,\\nThe correctness of the serial number can be tested by examining the pad bits\\nof N in E[N; F].\\n\\nThe one could selectively alter the law enforcement block as above, but the\\nmutilation could be detected. A better approach would be to mutilate the\\nentire law enforcement block. If it were done with a group encryption scheme\\nsuch as DES or (presumably) Skipjack, the chances the law enforcement block\\ncan be recovered are lessened.\\n\\nWhat do you want to bet the transmission protocol can be recognized and the\\nserial numbers decrypted in a target search? When digital transmission\\nbecomes widely available, would there be a requirement that clipper protocol\\ntransmissions be refused when containing mutilated law enforcement blocks?\\n\\nOne way to avoid notice, would be to spoof protocol information of the block\\ncontaining M, as well as spoofing the law enforcement block.\\n\\nThe goal is to use a secure communications scheme, without redress to \\ndetection or key K interception (contained encrypted within the law\\nenforcement block). The data stream is returned to its original state\\nfor use by the clipper chip (or system) if required, for proper operation.\\n\\nIt is somewhat improbable that the entire protocol will be contained within\\nthe clipper chip, yet likely that sequence of events will be tested for,\\nrequiring a valid law enforcement block to be received before accepting\\nand decrypting E(M; K);\\n\\nThe spoof chip could be implemented anywhere in the protocols, including\\non the resulting serial data stream. Existing clipper products could\\nbe subborned. After all, they are high security encryption systems right?\\n\\nSuper encipherment/encryption could allow the chip to be used without\\nredress to detection of the use of the chip, or disclosure of the serial\\nnumber. Security must be adequate to deny the serial number, which should\\nnot be recoverable by other means. One can see the use of cut outs for\\nprocurring clipper phones, or once the number of units is high enough,\\nstealing them. It would be a mistake on the part of authority, but nice\\nfrom a point of privacy, if the serial number N were not associated with\\na particular clipper chip or lot of chips through the manufacturing and \\ndistribution process. Hopefully the list of known missing or stolen\\nclipper serial numbers N encrypted with F, and the protocols are not \\nsufficient plaintext to attact the super encrypted clipper stream.\\nThis could be further made difficult by altering the temporal and or\\nspatial relationship of the clipper stream to that of the super encrypted\\nstream.\\n\\nDetection of an encrypted stream could tip off the use of the aforementioned\\nscheme.\\n\\n******************************************************************************\\n\\nIf you could capture valid law enforcement blocks not your own, and use\\nthem in a codebook sustitution with your own, where they point to a valid\\nlaw enforcement block stored in a library utilizing a session key matching\\nthe remainder of the transmission, you could simply out and out lie, yet\\ndeliver to monitoring and/or hostile forces a seemingly valid law enforcement\\nblock. These captured law enforcement blocks would be used as authenticators,\\nsuch as in a manually keyed encryption system. Fending this off would require\\nescalation in examining the protocols and blocks in the transmission.\\n\\nThe M code stream might be independently attacked based on knowledge of\\nclipper chip protocols as revealed plaintext. This could be invalidated\\nby changing the temporal and or spatial relationship of the clipper M stream\\nand the actual transmitted stream, under the control of a secure key\\ngenerator synchronized between endpoints.\\n\\nThe useful life time of captured law enforcement blocks might be limited\\nbased on hostile forces using them as targets following transmission\\ninterception. You would need a large number of them, but, hey there's\\nsupposed to be millions of these things, right? Adding time stamps to\\nthe encrypted law enforcement block is probably impractical, who wants\\nan encryption chip with a real time clock?\\n\\n*****************************************************************************\\n\\nThe entire idea of the law enforcement block can be invalidated.\\n\\n\\n\\n\\n\\n\\n\\n\\n\",\n", + " 'From: keithh@bnr.ca (Keith Hanlan)\\nSubject: Re: GGRRRrrr!! Cages double-parking motorcycles pisses me off!\\nNntp-Posting-Host: bcarh10f\\nOrganization: Bell-Northern Research Ltd., Ottawa\\nLines: 8\\n\\nIn article mcguire@cs.utexas.edu (Tommy Marcus McGuire) writes:\\n>However, this has nothing to do with motorcycling, unless you consider\\n>the VW a bike.\\nHowever, this has nothing to do with motorcycling, unless you consider\\nthe Amazona a bike.\\n\\nKeith Hanlan KeithH@bnr.ca Bell-Northern Research, Ottawa, Canada 613-765-4645\\n\\n',\n", + " 'From: lusky@ccwf.cc.utexas.edu (Jonathan R. Lusky)\\nSubject: Re: Tools Tools Tools\\nArticle-I.D.: ra.1993Apr6.011730.877\\nOrganization: The University of Texas at Austin, Austin TX\\nLines: 25\\n\\nIn article <1993Apr5.165548.21479@research.nj.nec.com> behanna@phoenix.syl.nj.nec.com (Chris BeHanna) writes:\\n>\\tWhile we\\'re on the subject, has anyone else noticed that the 1/2\" deep\\n>well in Craftsman\\'s $60 SAE deep well set is too small to fit a 1/2\" bolt or\\n>nut?\\n>\\n>\\tWhen I took the socket in for an exchange, EVERY !#%@ one of the 1/2\"\\n>deep well sockets on the rack had the exact same problem!!! Looking into the\\n>socket, it appears that Craftsman\\'s toolmaker attempted to imitate flank drive\\n>on this piece, but did not account for the extra clearance needed inside the\\n>socket.\\n\\nNever had any problem with mine...\\n\\nAre you *SURE* the nut/bolt you are trying is really a 1/2\" hex? 13mm\\nis just slightly larger... and a 1/2 wrench won\\'t fit on a GM 13mm\\nnut (my 91 GMC pickup has several 13mm nuts on it... really annoying, metric\\nthreads too. Seems that most of the body is metric, most of the engine is\\nSAE).\\n\\n\\n-- \\n--=< Jonathan Lusky ----- lusky@ccwf.cc.utexas.edu >=-- \\n \\\\ 89 Jeep Wrangler - 258/for sale! / \\n \\\\ 79 Rx-7 - 12A/Holley 4bbl / \\n \\\\________67 Camaro RS - 350/4spd________/ \\n',\n", + " 'From: cuorg@uxa.ecn.bgu.edu (Orazio Guagliano)\\nSubject: Re: Schedule...\\nOrganization: Educational Computing Network\\nLines: 27\\nNNTP-Posting-Host: uxa.ecn.bgu.edu\\n\\nIn article <1993Apr20.233724.26553@news.columbia.edu> gld@cunixb.cc.columbia.edu (Gary L Dare) writes:\\n>mre@teal.Eng.Sun.COM (Mike Eisler) writes:\\n>>gld@cunixb.cc.columbia.edu (Gary L Dare) writes:\\n>>>I can\\'t believe that ESPN is making SportsChannel America look good.\\n>>\\n>>But only in NY,NJ, Philadelphia, and Chicago. Everywhere else, the only\\n>>reason SportsChannel was available was for local baseball broadcasts.\\n>\\n>Yes, a point well-taken ... however, even in areas that finally got\\n>some games, there\\'s something nagging in the back of your skull when\\n>the network that has the national rights in its pocket says on its\\n>sports news, \"There\\'s an awesome overtime going on in Quebec City,\\n>and we\\'ll *try* to get you an update through the show ...\" when you\\n>know that it\\'s on a satellite\\'s feedhorn somewhere up there ...\\n\\n\\n Listen guys you can talk about this the whole playoffs. I\\'m here in a\\nsmall town in southern Illinois at school. I\\'m from Canada and I know\\nthat cbc and tsn have games on every night, all you have to do is go to\\na bar with a satellite. I have watched both games between Mon Que and\\ntoronto and detroit, not to mention Van vs Winn and with cbc. They\\nshow all goals from every game that evening so I haven\\'t missed a goal\\nall playoffs. Well have to go boy leafs are on Ciao.\\n\\nRoger Guagliano\\nEastern Illinois University\\n\\n',\n", + " \"From: dana@lando.la.locus.com (Dana H. Myers)\\nSubject: What is a squid? (was Re: Riceburner Respect)\\nOrganization: Locus Computing Corporation, Los Angeles, California\\nLines: 16\\n\\nIn article hartzler@cbmvax.cbm.commodore.com (Jerry Hartzler - CATS) writes:\\n>In article <1993Apr15.192558.3314@icomsim.com> mmanning@icomsim.com (Michael Manning) writes:\\n>\\n>>duck. Squids don't wave, or return waves ever, even to each\\n> ^^^^^^\\n> excuse me for being an ignoramus, but what are these.\\n\\n\\nSquids are everybody but me and you. Chris Behanna is especially a squid.\\n\\n\\n-- \\n * Dana H. Myers KK6JQ \\t\\t| Views expressed here are\\t*\\n * (310) 337-5136 \\t\\t| mine and do not necessarily\\t*\\n * dana@locus.com DoD #466 \\t| reflect those of my employer\\t*\\n * This Extra supports the abolition of the 13 and 20 WPM tests *\\n\",\n", + " \"From: takaharu@mail.sas.upenn.edu (Taka Mizutani)\\nSubject: Re: DX3/99\\nOrganization: University of Pennsylvania\\nLines: 15\\nNntp-Posting-Host: microlab11.med.upenn.edu\\n\\nIn article ,\\niisakkil@lk-hp-22.hut.fi (Mika Iisakkila) wrote:\\n\\n :Because of some contract, IBM is not allowed to sell its\\n :486 chips to third parties, so these chips are unlikely to become\\n :available in any non-IBM machines. \\n\\nI saw in this months PC or PC World an ad for computers using IBM's 486SLC.\\nSo I don't think IBM is restricted in selling their chips, at least not\\nanymore. A clock-tripled 486, even without coprocessor would be great,\\nespecially with 16k on-board cache. Make it 386 pin-compatible, and you\\nhave the chip upgrade that dreams are made of :-)\\n\\nTaka Mizutani\\ntakaharu@mail.sas.upenn.edu\\n\",\n", + " 'From: mt90dac@brunel.ac.uk (Del Cotter)\\nSubject: Re: Crazy? or just Imaginitive?\\nOrganization: Brunel University, West London, UK\\nLines: 26\\n\\n<1993Apr21.205403.1@aurora.alaska.edu> nsmca@aurora.alaska.edu writes:\\n\\n>So some of my ideas are a bit odd, off the wall and such, but so was Wilbur and\\n>Orville Wright, and quite a few others.. Sorry if I do not have the big degrees\\n>and such, but I think (I might be wrong, to error is human) I have something\\n>that is in many ways just as important, I have imagination, dreams. And without\\n>dreams all the knowledge is worthless.. \\n\\nOh, and us with the big degrees don\\'t got imagination, huh?\\n\\nThe alleged dichotomy between imagination and knowledge is one of the most\\npernicious fallacys of the New Age. Michael, thanks for the generous\\noffer, but we have quite enough dreams of our own, thank you.\\n\\nYou, on the other hand, are letting your own dreams go to waste by\\nfailing to get the maths/thermodynamics/chemistry/(your choices here)\\nwhich would give your imagination wings.\\n\\nJust to show this isn\\'t a flame, I leave you with a quote from _Invasion of \\nthe Body Snatchers_:\\n\\n\"Become one of us; it\\'s not so bad, you know\"\\n-- \\n \\',\\' \\' \\',\\',\\' | | \\',\\' \\' \\',\\',\\'\\n \\', ,\\',\\' | Del Cotter mt90dac@brunel.ac.uk | \\', ,\\',\\' \\n \\',\\' | | \\',\\' \\n',\n", + " 'From: glang@slee01.srl.ford.com (Gordon Lang)\\nSubject: Flame Therapy\\nArticle-I.D.: fmsrl7.1pqdfrINN88e\\nOrganization: Ford Motor Company Research Laboratory\\nLines: 5\\nNNTP-Posting-Host: slee01.srl.ford.com\\nX-Newsreader: Tin 1.1 PL5\\n\\nI think it would be a great idea to have a new group created:\\n\\ncomp.sys.ibm.pc.flame.therapy\\n\\nanybody agree?\\n',\n", + " \"From: stevet@eskimo.com (Steven Thornton)\\nSubject: Re: Babe's pitching\\nOrganization: Eskimo North (206) 367-3837 {eskimo.com}\\nLines: 9\\n\\n\\nBabe Ruth's lifetime pitching stats (selected):\\n\\n94-46, .671. 2.28 ERA. 163 G, 107 CG, 17 SHO, 10.6 RAT.\\n\\nBest year: 1916, Bos: 23-12, 1.75 ERA (led league) or\\n 1917, Bos: 24-13, 2.01 ERA\\n\\nSteve Thornton stevet@eskimo.com\\n\",\n", + " 'From: afielden@cbnewsb.cb.att.com (andrew.j.fielden)\\nSubject: X interactive performance\\nKeywords: benchmark\\nOrganization: AT&T\\nLines: 21\\n\\nWe recently got an NCD X-terminal to evaluate. This is running XRemote over\\na serial line.\\nI wanted to get some measurement of response time, so I wrote a small Xlib\\nprogram which simply creates a window, maps it and sends the first Expose \\nevent to itself. The program times the delay from sending the event, to \\nreceiving it. I thought this was the simplest way to test client/X-server \\nround-trip delays. It\\'s a similar concept to the ping(8C) program.\\n\\nIs this a valid test to perform ? I\\'ve also tried the xbench program, available\\nfrom ftp.uu.net, which bombards the server with graphics operations, but I \\njust wanted to get a quantative measure of what is \"acceptable\" interactive \\nresponse time. Has anyone got any ideas on this subject ?\\n\\nThanks.\\nAndrew. (afielden@mlsma.att.com)\\n\\n-- \\n+----------------------------------------+----------------------------------+\\n|Andrew Fielden. AT&T Network Systems UK | Tel : +44 666 832023 |\\n|Information Systems Group (SUN support) | Email : afielden@mlsma.att.com |\\n+----------------------------------------+----------------------------------+\\n',\n", + " 'From: ejalbert@husc3.harvard.edu\\nSubject: Re: Monophysites and Mike Walker\\nOrganization: Harvard University Science Center\\nLines: 113\\n\\nIn article , db7n+@andrew.cmu.edu (D. Andrew Byler) writes:\\n>>\\t\\t- Mike Walker \\n>> \\n>>[If you are using the standard formula of fully God and fully human,\\n>>that I\\'m not sure why you object to saying that Jesus was human. I\\n>>think the usual analysis would be that sin is not part of the basic\\n>>definition of humanity. It\\'s a consequence of the fall. Jesus is\\n>>human, but not a fallen human. --clh]\\n> \\nI differ with our moderator on this. I thought the whole idea of God coming\\ndown to earth to live as one of us \"subject to sin and death\" (as one of\\nthe consecration prayers in the Book of Common Prayer (1979) puts it) was\\nthat Jesus was tempted, but did not succumb. If sin is not part of the\\nbasic definition of humanity, then Jesus \"fully human\" (Nicea) would not\\nbe \"subject to sin\", but then the Resurrection loses some of its meaning,\\nbecause we encounter our humanity most powerfully when we sin. To distinguish\\nbetween \"human\" and \"fallen human\" makes Jesus less like one of us at the\\ntime we need him most.\\n\\n> [These issues get mighty subtle. When you see people saying different\\n> things it\\'s often hard to tell whether they really mean seriously\\n> different things, or whether they are using different terminology. I\\n> don\\'t think there\\'s any question that there is a problem with\\n> Nestorius, and I would agree that the saying Christ had a human form\\n> without a real human nature or will is heretical. But I\\'d like to be\\n> a bit wary about the Copts, Armenians, etc. Recent discussions\\n> suggest that their monophysite position may not be as far from\\n> orthodoxy as many had thought. Nestorius was an extreme\\n> representative of one of the two major schools of thought. More\\n> moderate representatives were regarded as orthodox, e.g. Theodore of\\n> Mopsuestia. My impression is that the modern monophysite groups\\n> inherit the entire tradition, not just Nestorius\\' version, and that\\n> some of them may have a sufficient balanced position to be regarded as\\n> orthodox. --clh]\\n\\nFirst, the Monophysites inherited none of Nestorius\\'s version -- they \\nwere on the opposite end of the spectrum from him. Second, the historical\\nrecord suggests that the positions attributed to Nestorius were not as\\nextreme as his (successful) opponents (who wrote the conventional history)\\nclaimed. Mainly Nestorius opposed the term Theotokos for Mary, arguing\\n(I think correctly) that a human could not be called Mother of God. I mean,\\nin the Athanasian Creed we talk about the Son \"uncreate\" -- surely even \\nArians would concede that Jesus existed long before Mary. Anyway, Nestorius\\'s\\nopponents claimed that by saying Mary was not Theotokos, that he claimed\\nthat she only gave birth to the human nature of Jesus, which would require\\ntwo seperate and distinct natures. The argument fails though, because\\nMary simply gave birth to Jesus, who preexisted her either divinely,\\nif you accept \"Nestorianism\" as commonly defined, or both natures intertwined,\\na la Chalcedon.\\n\\nSecond, I am not sure that \"Nestorianism\" is not a better alternative than\\nthe orthodox view. After all, I find it hard to believe that pre-Incarnation\\nthat Jesus\\'s human nature was in heaven; likewise post-Ascension. I think\\nrather that God came to earth and took our nature upon him. It was a seperate\\nnature, capable of being tempted as in Gethsemane (since I believe the divine\\nnature could never be tempted) but in its moments of weakness the divine nature\\nprevailed.\\n\\nComments on the above warmly appreciated.\\n\\nJason Albert\\n\\n[There may be differences in what we mean by \"subject to sin\". The\\noriginal complaint was from someone who didn\\'t see how we could call\\nJesus fully human, because he didn\\'t sin. I completely agree that\\nJesus was subject to temptation. I simply object to the idea that by\\nnot succumbing, he is thereby not fully human. I believe that you do\\nnot have to sin in order to be human.\\n\\nI again apologize for confusing Nestorianism and monophysitism. I\\nagree with you, and have said elsewhere, that there\\'s reason to think\\nthat not everyone who is associated with heretical positions was in\\nfact heretical. There are scholars who maintain that Nestorius was\\nnot Nestorian. I have to confess that the first time I read some of\\nthe correspondence between Nestorius and his opponents, I thought he\\ngot the better of them.\\n\\nHowever, most scholars do believe that the work that eventually led to\\nChalcedon was an advance, and that Nestorius was at the very least\\n\"rash and dogmatic\" (as the editor of \"The Christological Controversy\"\\nrefers to him) in rejecting all approaches other than his own. As\\nregular Usenet readers know, narrowness can be just as much an\\nimpediment as being wrong. Furthermore, he did say some things that I\\nthink are problematical. He responds to a rather mild letter from\\nCyril with a flame worthy of Usenet. In it he says \"To attribute also\\nto [the Logos], in the name of [the incarnation] the characteristics\\nof the flesh that has been conjoined with him ... is, my brother,\\neither the work of a mind which truly errs in the fashion of the\\nGreeks or that of a mind diseased with the insane heresy of Arius and\\nApollinaris and the others. Those who are thus carried away with the\\nidea of this association are bound, because of it, to make the divine\\nLogos have a part in being fed with milk and participate to some\\ndegree in growh and stand in need of angelic assistance because of his\\nfearfulness ... These things are taken falsely when they are put off\\non the deity and they become the occasion of just condemnation for us\\nwho perpetrate the falsehood.\"\\n\\nIt\\'s all well and good to maintain a proper distinction between\\nhumanity and divinity. But the whole concept of incarnation is based\\non exactly the idea that the divine Logos does in fact have \"to some\\ndegree\" a part in being born, growing up, and dying. Of course it\\nmust be understood that there\\'s a certain indirectness in the Logos\\'\\nparticipation in these things. But there must be some sort of\\nidentification between the divine and human, or we don\\'t have an\\nincarnation at all. Nestorius seemed to think in black and white\\nterms, and missed the sorts of nuances one needs to deal with this\\narea.\\n\\nYou say \"I find it hard to believe that pre-Incarnation that Jesus\\'s\\nhuman nature was in heaven.\" I don\\'t think that\\'s required by\\northodox doctrine. It\\'s the divine Logos that is eternal.\\n\\n--clh]\\n',\n", + " \"From: gld@cunixb.cc.columbia.edu (Gary L Dare)\\nSubject: Re: Too Many Europeans in NHL\\nArticle-I.D.: news.1993Apr6.204743.21314\\nReply-To: gld@cunixb.cc.columbia.edu (Gary L Dare)\\nOrganization: PhDs In The Hall\\nLines: 17\\nNntp-Posting-Host: cunixb.cc.columbia.edu\\n\\n\\nYou're right ... I'm sick of seeing all those white guys on skates\\nmyself ... the Vancouver Canucks should be half women, and overall \\none-third Oriental.\\n\\n\\x0c\\n\\n(-; (-; (-; (-; (-; (-; \\n\\nAnd I'll gladly volunteer myself for the overage draft. (-;\\n\\ngld\\n--\\n~~~~~~~~~~~~~~~~~~~~~~~~ Je me souviens ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\\nGary L. Dare\\n> gld@columbia.EDU \\t\\t\\tGO Winnipeg Jets GO!!!\\n> gld@cunixc.BITNET\\t\\t\\tSelanne + Domi ==> Stanley\\n\",\n", + " 'From: golchowy@alchemy.chem.utoronto.ca (Gerald Olchowy)\\nSubject: Re: Trade rumor: Montreal/Ottawa/Phillie\\nOrganization: University of Toronto Chemistry Department\\nLines: 42\\n\\nIn article <1993Apr5.203552.1@kean.ucs.mun.ca> slegge@kean.ucs.mun.ca writes:\\n>TSN Sportsdesk just reported that the OTTAWA SUN has reported that\\n>Montreal will send 4 players + $15 million including Vin Damphousse \\n>and Brian Bellows to Phillidelphia, Phillie will send Eric Lindros\\n>to Ottawa, and Ottawa will give it\\'s first round pick to Montreal.\\n>\\n\\nObviously some reporter for the Ottawa Sun got taken by an April\\nFools joke...probably started by someone with the Nordiques or the\\nBruins. \\n\\nLike for example...who is going to reimburse the Flyers for the\\n$15 million they paid to the Nordiques...like the Senators are\\ngoing to get Lindros and $15 million. The Flyers sent the\\nequivalent of 6 or 7 players (when you include the draft choices)\\nto Quebec, and they are going to get only four back.\\n\\nSome reporter was had real badly and someone must be having a\\nreal good laugh seeing as how the so much of the sports media\\nhas chosen to publicize this utter nonsense.\\n\\n>If this is true, it will most likely depend on whether or not Ottawa\\n>gets to choose 1st overall. Can Ottawa afford Lindros\\' salary?\\n>\\n\\nCan you think...it cannot possibly be true...no need for the \"if\"!\\n\\n>Personally, I can\\'t see Philli giving up Lindros -- for anything. \\n>They didn\\'t give away that much to Quebec just to trade him away \\n>again. Not to mention that Lindros seems to be a *huge* draw in\\n>Phillie -- and that he represents a successful future for the \\n>franchise.\\n> \\n>Ottawa may be better off taking the 4 players +$15 from Montreal\\n>for the pick.\\n> \\n\\nI can\\'t believe that anyone would consider giving such crap even\\nthe remotest consideration.\\n\\nGerald \\n\\n',\n", + " 'From: mwchiu@tigr.org (Man-Wai Chiu)\\nSubject: Xm1.2.1 and OW server\\nOrganization: UTexas Mail-to-News Gateway\\nLines: 43\\nDistribution: inet\\nNNTP-Posting-Host: cs.utexas.edu\\n\\n\\nWe have a program written with X11R5 and Motif 1.2.1. It runs fine on the Sun\\nX11R5 server and MacX. When that program is run under the Sparc 2 and the\\nOW server, the program crashed itself along with the server. It crashed before\\nthe first window had showed up.\\n\\nI got the following error from X.\\nXIO: fatal IO error 32 (Broken pipe) on X server \"perot:0.0\"\\n after 62 requests (59 known processed) with 0 events remaining.\\n The connection was probably broken by a server shutdown or KillClient.\\n\\nI have run the program with xmon and below is the last twenty lines or so from\\nxmon before both the program and server crashed.\\n\\n ............REQUEST: GetProperty\\n delete: False\\n window: WIN 00900001\\n property: ATM 00000074\\n type: ATM 00000074\\n long-offset: 00000000\\n ..............REPLY: GetProperty\\n format: 00\\n type: \\n bytes-after: 00000000\\n ............REQUEST: GetInputFocus\\n ..............REPLY: GetInputFocus\\n revert-to: Parent\\n focus: WIN 0040000d\\n ............REQUEST: ChangeProperty\\n mode: Replace\\n window: WIN 00900001\\n property: ATM 00000074\\n type: ATM 00000074\\n format: 08\\n data: 42 00 00 01 00 00 00 10 00 00 00 75 00 00 00 00 \\n ............REQUEST: GetInputFocus\\n\\nPlease email to me if you have any idea of the above problem.\\nThanks in advance.\\n\\n--\\nMW Chiu\\nmwchiu@tigr.org\\n',\n", + " 'From: jgd@dixie.com (John De Armond)\\nSubject: Re: What do Nuclear Site\\'s Cooling Towers do?\\nOrganization: Dixie Communications Public Access. The Mouth of the South.\\nLines: 99\\n\\nnagle@netcom.com (John Nagle) writes:\\n\\n>>Great Explaination, however you left off one detail, why do you always\\n>>see them at nuclear plants, but not always at fossil fuel plants. At\\n>>nuclear plants it is prefered to run the water closed cycle, whereas\\n>>fossil fuel plants can in some cases get away with dumping the hot\\n>>water. As I recall the water isn\\'t as hot (thermodynamically) in many\\n>>fossil fuel plants, and of course there is less danger of radioactive\\n>>contamination.\\n\\nActually the reasons you don\\'t see so many cooling towers at fossil plants are\\n1) fossil units (multiple units per plant) are generally smaller than\\nnuclear plants. 300 MWe seemed to be a very popular size when many\\nfossil plants were built. The average nuclear plant is 1000 MWe. 2) many\\nfossil plants were grandfathered when water discharge regulations were\\nadopted (\"why those old dirt burners can\\'t harm anything, let \\'em go.\"). \\n3) powered draft cooling towers, low enough to the ground to be generally\\nnot visible from off-site, are quite popular with fossil plants. 4) fossil\\nplants used to get much less regulatory attention than nuclears.\\n\\n> Actually, fossil fuel plants run hotter than the usual \\n>boiling-water reactor nuclear plants. (There\\'s a gripe in the industry\\n>that nuclear power uses 1900 vintage steam technology). So it\\'s\\n>more important in nuclear plants to get the cold end of the system\\n>as cold as possible. Hence big cooling towers. \\n\\n> Oil and gas fired steam plants also have condensers, but they\\n>usually are sized to get the steam back into hot water, not most of the\\n>way down to ambient. Some plants do cool the condensers with water,\\n>rather than air; as one Canadian official, asked about \"thermal \\n>pollution\" de-icing a river, said, \"Up here, we view heat as a resource\". \\n\\nActually the condensing environment is essentially the same for plants\\nof similar size. The issues are the same regardless of where the \\nheat comes from. Condensers are run at as high a vacuum as possible in\\norder to reduce aerodynamic drag on the turbine. The condenser pressure is\\nnormally water\\'s vapor pressure at the condensing temperature. It is\\ndesirable that the steam exhaust be free of water droplets because \\nmoisture in the steam causes severe erosion damage to the turbine \\nlow pressure blades and because entrained water moving at high velocity\\ncauses erosion of the condenser tubes. The coldest and thus lowest\\npressure condensing environment is always the best. \\n\\nA related issue is that of pumping the condensate from the hotwell (where\\nthe water ends up after dripping off the condenser tubes.) Since the\\ncondenser is at a very low pressure, the only force driving the \\ncondensate into the hotwell pumps is gravity. If the condensate is too \\nhot or the gravity head is too low, the condensate will reflash into\\nsteam bubbles and cause the condensate pumps to cavitate. This is a\\nparticularly destructive form of cavitation that is to be avoided at all\\ncosts. \\n\\nThe hotwell pumps are located in the lowest point in the plant\\nin order to provide a gravity head to the pumps. How much lower \\nthey must be is a function of how hot the water is allowed to get in\\nthe hotwell. Typically hotwell temperatures run between 100 and 120 \\ndegrees depending on the temperature of the river water (this term is\\nused to describe the river grade water even when the cooling tower\\nsystem is operating in closed loop mode and essentially no river water\\nis pumped.) When the river water temperature is high in the summer,\\noperators will typically allow the hotwell level to rise in order \\nto provide more gravity head. There is a tradeoff involved since higher\\nhotwell levels will encroach onto the condensing tubes and reduce the\\ncondenser area.\\n\\nAt least in the East and elsewhere where moisture actually exists in the\\nair :-), the river water will almost always be cooler than the discharge\\nwater from the cooling towers. The temperature of the discharge water\\nfrom the cooling towers is set by the ambient air temperature and\\nhumidity. It is very rare in the East to hear of actual river water\\ntemperatures exceeding 70 degrees. A vast difference from the typical\\n\"95-95\" days (95 degrees, 95% humidity) we see routinely in the East.\\nIt is not unusual, particularly where the econazis have been successful\\nin clamping rigid discharge water temperature limits on a plant, for the\\nplant to have to reduce the firing rate when the air temperature gets\\ntoo high and the condenser cannot handle the heat load without excessive\\npressure.\\n\\n> Everybody runs closed-cycle boilers. The water used is \\n>purified of solids, which otherwise crud up the boiler plumbing when\\n>the water boils. Purifying water for boiler use is a bigger job than \\n>cooling it, so the boiler water is recycled.\\n\\nTrue. Actually secondary plant (the part that makes electricity and\\nfeeds feedwater to the boiler) water chemistry has been the bastard \\nstepchild until recently and has not gotten the respect it deserves.\\nThe plant chemists have just in the past decade or so fully understood\\nthe costs of impure water. By \"impure\", I mean water with a few\\ndozen extra micromho of conductivity and/or a few PPM of dissolved\\noxygen. Secondary water is now typically the most pure one will \\nfind outside the laboratory.\\n\\nJohn\\n-- \\nJohn De Armond, WD4OQC |Interested in high performance mobility? \\nPerformance Engineering Magazine(TM) | Interested in high tech and computers? \\nMarietta, Ga | Send ur snail-mail address to \\njgd@dixie.com | perform@dixie.com for a free sample mag\\nLee Harvey Oswald: Where are ya when we need ya?\\n',\n", + " \"From: berryh@huey.udel.edu (John Berryhill, Ph.D.)\\nSubject: Re: What do Nuclear Site's Cooling Towers do?\\nNntp-Posting-Host: huey.udel.edu\\nOrganization: little scraps of paper, mostly\\nLines: 13\\n\\nThe object of a cooling tower is to distribute dissolved salts in \\ncooling water over large areas of farmland and to therefore decrease\\nfarm subsidies for non-producers by rendering their land infertile.\\n\\nA side effect of this deficit-reduction program is that they provide\\na low-T reservoir for a variety of industrial processes.\\n\\nNow you know. \\n\\n-- \\n\\n John Berryhill\\n\\n\",\n", + " 'From: geb@cs.pitt.edu (Gordon Banks)\\nSubject: Re: Sinus vs. Migraine (was Re: Sinus Endoscopy)\\nReply-To: geb@cs.pitt.edu (Gordon Banks)\\nOrganization: Univ. of Pittsburgh Computer Science\\nLines: 16\\n\\nIn article Lauger@ssdgwy.mdc.com (John Lauger) writes:\\n>In article <19201@pitt.UUCP>, geb@cs.pitt.edu (Gordon Banks) wrote:\\n\\n>What\\'s the best approach to getting off the analgesics. Is there something\\n\\nTwo approaches that I\\'ve used: Tofranil, 50 mg qhs, Naproxen 250mg bid.\\nThe Naproxen doesn\\'t seem to be as bad as things like Tylenol in promoting\\nthe analgesic abuse Headache. DHE IV infusions for about 3 days (in\\nhospital). Cold turkey is the only way I think. Tapering doesn\\'t\\nhelp. I wouldn\\'t know how you can do this without your doctor. I haven\\'t\\nseen anyone successfully do it alone. Doesn\\'t mean it can\\'t be done.\\n-- \\n----------------------------------------------------------------------------\\nGordon Banks N3JXP | \"Skepticism is the chastity of the intellect, and\\ngeb@cadre.dsl.pitt.edu | it is shameful to surrender it too soon.\" \\n----------------------------------------------------------------------------\\n',\n", + " \"From: chico@ccsun.unicamp.br (Francisco da Fonseca Rodrigues)\\nSubject: New planet/Kuiper object found?\\nX-Added: Forwarded by Space Digest\\nOrganization: [via International Space University]\\nOriginal-Sender: isu@VACATION.VENARI.CS.CMU.EDU\\nDistribution: sci\\nLines: 28\\n\\n\\n\\tTonigth a TV journal here in Brasil announced that an object,\\nbeyond Pluto's orbit, was found by an observatory at Hawaii. They\\nnamed the object Karla.\\n\\n\\tThe program said the object wasn't a gaseous giant planet, and\\nshould be composed by rocks and ices.\\n\\n\\tCan someone confirm these information? Could this object be a\\nnew planet or a Kuiper object?\\n\\n\\tThanks in advance.\\n\\n\\tFrancisco.\\n\\n-----------------------=====================================----the stars,----\\n| ._, | Francisco da Fonseca Rodrigues | o o |\\n| ,_| |._/\\\\ | | o o |\\n| | |o/^^~-._ | COTUCA-Colegio Tecnico da UNICAMP | o |\\n|/-' BRASIL | ~| | o o o |\\n|\\\\__/|_ /' | Depto de Processamento de Dados | o o o o |\\n| \\\\__ Cps | . | | o o o o |\\n| | * __/' | InterNet : chico@ccsun.unicamp.br | o o o |\\n| > /' | cotuca@ccvax.unicamp.br| o |\\n| /' /' | Fone/Fax : 55-0192-32-9519 | o o |\\n| ~~^\\\\/' | Campinas - SP - Brasil | o o |\\n-----------------------=====================================----like dust.----\\n\\n\",\n", + " 'From: martinez@info-gw.mese.com (Phil Martinez)\\nSubject: DECservers for sale\\nKeywords: decserver\\nDistribution: misc.forsale,atl.forsale,misc.forsale.computers.other\\nOrganization: Information Gateway BBS -- +1 404-928-7873\\nLines: 14\\n\\n\\nI have the following items that I have no further use for and am will\\nto accept best offers on either or both.\\n\\nBrand new DECserver 300\\n\\t&\\nDECserver 200/MC\\n\\nIf you are interested, send your best offers.\\n\\nThanks \\n\\n\\n---\\n',\n", + " 'Subject: Amplifiers and Speakers\\nFrom: krschimm@wsuhub.uc.twsu.edu (Karl Schimmel)\\nOrganization: Wichita State University, Wichita, Ks\\nLines: 27\\n\\nFOR SALE(of course)\\n\\nLinear Power model 952 IQ \\n 2 channel automotive stereo amplifier\\n 95 watts peak per channel\\n 2 ohm stable\\n fidelity tested\\n $100 You pay shipping\\n\\n1 Pair (two (2)) Mobile Authority woofers\\n 10 inch\\n 2 inch voice coil\\n 20 oz magnet\\n 130 watt peak power handeling\\n 4 ohms \\n $40 for both, you pay shipping (will not sell seperatly)\\n\\nreply thru e-mail to:\\n\\nKarl R. Schimmel\\n\\nThe Wichita State University\\n%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%\\n%krschimm at twsuvax krschimm@wsuhub.uc.twsu.edu %\\n%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%\\n\\n\\n',\n", + " \"From: kasajian@netcom.com (Kenneth Kasajian)\\nSubject: Re: How can I use the mouse in NON-Windows applications under MS-WINDOWS ?\\nOrganization: NETCOM On-line Communication Services (408 241-9760 guest)\\nLines: 23\\n\\nwnkretz@ikesg1.energietechnik.uni-stuttgart.de (Oliver Kretzschmar) writes:\\n\\n\\n\\n> Hey,\\n\\n> could somebody tell me, how it is possible to work with the mouse\\n> in a NON-Windows application, which runs in an window. We use\\n> MS-WINDOWS 3.1 and have CLIPPER applications. Exists there any\\n> routines or something else ? Please mail me your informations.\\n\\n> Thanks for your efforts,\\n\\n> Oliver\\n>-- \\n> NAME : O.Kretzschmar Inst.IKE / University Stuttgart\\n> PHONE: +49 711 685 2130 Pfaffenwaldring 31\\n> FAX : +49 711 685 2010 7000 Stuttgart 80\\n> EMAIL: wnkretz@ikesg1.energietechnik.uni-stuttgart.de\\n\\nVery simple. You have to have the MOUSE.COM or MOUSE.SYS loaded in DOS\\nbefore you run Windows. Note that you don't need to have these files loaded\\nto use the mouse in Windows.\\n\",\n", + " \"From: ae015@Freenet.carleton.ca (Steve Hui)\\nSubject: High-mileage Audi question\\nOrganization: National Capital Freenet, Ottawa, Canada\\nLines: 22\\n\\n\\nA question for any high-mileage Audi owners out there: I am\\ninterested in buying a 1989 Audi 5000S for $5500 Cdn. The\\nreason the car is selling for so little is that is has\\n155000 km on it (just under 100000 mi.). The car's owner\\nclaims the car is in good condition. My question is: how\\nreliable are Audi 5000s with mileage that high? Would it\\nbe worthwhile for me to buy the car? Any problem areas that\\nI should look out for?\\n\\nAny help would be greatly appreciated. Post responses and/or\\ne-mail me.\\n\\nThanks\\n\\nSteve Hui\\n-- \\n\",\n", + " 'From: dlecoint@garnet.acns.fsu.edu (Darius_Lecointe)\\nSubject: Re: Sabbath Admissions 5of5\\nOrganization: Florida State University\\nLines: 227\\n\\nSomeone sent me this FAQ by E-mail and I post my response here.\\n\\n[I\\'m not enforcing the inclusion limits on this FAQ because most\\nof our readers probably haven\\'t seen it. --clh]\\n\\nChrist warns that anyone who \"breaks one of the least of these\\ncommandments *and* teaches otheres to do the same will be called least in\\nthe kingdom of heaven\" (Matt. 5:19. This FAQ is so full of error that I\\nmust respond to it. I hope that whoever maintains will remove from it the\\npartisan theology.\\n\\n| > Brothers and Sisters,\\n| > \\n| > Being new to the faith and examining the Decalogue closely, I\\'ve noticed the\\n| > fourth commandment is pretty specific about \"keeping the Sabbath day.\" It\\n| > states the 7th day( Saturday ) is the Sabbath while most Christian religions\\n| > keep( or atleast go to church ) on Sunday. What\\'s up?\\n| \\n| This is a frequently asked question. Every time it arises, it causes\\n| months of debate. So let me see if I can answer you directly.\\n| Basically it\\'s because the Law was given to Moses as part of a\\n| specific covenanent with the Jews. Most of us aren\\'t Jews, so we\\n| aren\\'t part of that covenant. There was an argument early in\\n| Christian history about whether the Mosaic laws should apply to\\n| Gentiles who became Christians. You can see the account of this\\n| debate in Acts 15. The main question there was circumcision, but\\n| keeping the Sabbath would be part of it as well. The apostles\\n| concluded that we need not become Jews in order to become Christians,\\n| and therefore that rules such as circumcision did not apply to us.\\n\\n1. The law was known to man before it was revealed on Mount Sinai. Rom\\n4:15 notes that \"where no law is, there is no transgression.\" Not only\\ndid sin exist before Sinai (Eden), but the Sabbath was kept before it\\nwas revealed on Sinai (Ex 16).\\n\\n2. The problem with the first covenant was not the law, but the promise\\nwhich undergirded it. God wanted to perform his will in the lives of the\\npeople, but in their ignorance after 400 years of slavery, they promised\\n\"what ever He says to do we will do.\" That is why the new covenant is\\nbased on \"better promises\" (Heb. 8:6). Rather than do away with the law\\nGod promised to \"put my laws in their minds and write them on their\\nhearts\" (Heb. 8:10).\\n\\n3. Including the Sabbath in the Acts 15 is selective inclusion. The\\nSabbath was more important to the Jews than circumcision. If any attempt\\nhad been made to do away with the Sabbath the reaction would have been\\neven more strident than is recorded in Acts 15. Do not confuse the weekly\\nSabbath of the Decalogue with the ceremonial sabbaths which could occur at\\nany time of the week and were part of the law (ceremonial) which was\\n*added* because of transgression (of the moral law) (Gal 3:19).\\n\\n4. Israel stands for God\\'s people of all time. That is why God *grafted*\\nthe Gentiles in. Roma 9:4 says that the adoption, the glory, the\\ncovenants, the giving of the law, the service of God and the promises\\nbelong to Israelites. In explanation Paul makes it clear that being born\\ninto Israel is not enough \"For they are not all Israel, which are of\\nIsrael\" v 6. Then in Gal 3:19 he says \"if ye be Christ\\'s, then are ye\\nAbraham\\'s seed, and heirs according to the promise.\" All Christians are\\nAbraham\\'s seed, Jews, Israelites. Not physically, for that is not the\\ncriterion, but spiritually. We are joint heirs with Jesus based on the\\npromise God made to all his people the Israelites.\\n\\n| \\n| While Christians agree that the OT Laws do not all apply to us,\\n| because some of them are part of a specific covenanent with the Jews,\\n| we also expect to see some similarity between the things God expected\\n| from the Jews and the things he expects from us. After all, it\\'s the\\n| same God. However there are several ways of dealing with this.\\n| \\n| These days the most common approach is to separate the OT commandments\\n| into \"moral\" and \"ceremonial\". Ceremonial commandments apply only to\\n| the Jews. They are part of the specific Mosaic covenant. These are\\n| thinsg like the kosher laws and circumcision. Moral laws apply to\\n| everyone. Most of the 10 commands are part of the moral law, except\\n| for the commandment about the Sabbath. I believe most people who take\\n| this approach would say that the specific requirement to worship on\\n| the Sabbath is part of the ceremonial law, but a general obligation to\\n| worship regularly is part of the general moral law. Thus Christians\\n| are free to choose the specific time we worship.\\n\\nPeople would probably agree but they are wrong. How can the Sabbath\\ncommandment be ceremonial when it is part of a law which predates the\\nceremonial laws? You are not free to choose your time of worship. Even\\nif you were why do you follow a day of worship which has its origins in pagan\\nsun worship. Would you rather give up a day which God blessed,\\nsanctified, and hallowed in exchange for one which all church leaders\\nagree has not biblical foundation (see Sabbath Admissions in\\nsoc.religion.christian.bible-study).\\n| \\n| A more radical approach (which is generally connected with John Calvin\\n| and the Reformed tradition) says that the Law as a whole is no longer\\n| binding. Instead, we are entirely under grace, and our behavior\\n| should be guided solely by love. Portions of the OT Law are still\\n| useful as guidance. But they are not properly speaking legally\\n| binding on us. In practice most people who take this position do not\\n| believe it is safe to leave Christians without moral guidannce. While\\n| we may no longer be under Law, as sinners, it\\'s not safe for us to go\\n| into situations with no principles to guide us. We\\'re too good at\\n| self-justification for that to be safe. Thus Christians do have moral\\n| guidance, from things like Jesus\\' teachings, Paul\\'s advice, etc.\\n| These may not be precisely a Law, but they serve much the same\\n| function as, and have largely the same content as, the \"moral law\" in\\n| the previous analysis. While Calvin would deny that we have a fixed\\n| legal responsibility to worship on any specific day, he would say that\\n| given human weakness, the discipline of regular worship is important.\\n| \\nI do not care what Calvin or any theologian says. My guide is what God\\nsays. If being not under the law means we do not have to keep the law,\\nwhy is it that the only section of the law we have trouble with is the\\nSabbath commandment, which is the only one God thought was important\\nenough to say *REMEMBER*? If you study the word deeply you will note that\\nthe message is that we are no longer under the condemnation of the law but\\nfreed by the grace of God. If a cop pulls me over for speeding, then in\\ncourt I ask for mercy and the judge does not throw the book at me but gives me\\ngrace, do I walk out of the court saying \"I can now go on speeding, for I\\nam now under grace?\" Being under grace I now drive within the speed\\nlimit. Paul adds to it in Rom. 3:31 \"Di we then make void the law through\\nfaith? God forbid: yea, we establish the law.\" \"Wherefore the law is\\nholy, and the commandment holy, and just, and good\" (Rom. 7:12).\\n\\n| In both analyses, the specific day is not an issue. As a matter of\\n| tradition, we worship on Sunday as a memorial of Christ\\'s\\n| resurrection. There\\'s some debate about what Acts shows about early\\n| Christian worship. The most common analysis is that is shows Jewish\\n| Christians continuing to go to Jewish services on the Sabbath, but\\n| that specifically Christian service were not necessarily held then.\\n| Act 20:7 shows worship on the first day (Sunday), and I Cor 16:2 also\\n| implies gatherings on that day.\\n| \\n| There are a few groups that continue to believe Christians have to\\n| worship on the Sabbath (Saturday). The best-known are the Seventh-Day\\n| Adventists and Jehovah\\'s Witnesses. They argue that Act 20:7 is not a\\n| regular worship service, but a special meeting to see Paul off, and\\n| that I Cor 16:2 doesn\\'t explicitly say it\\'s a regular worship service.\\n\\nDo you prefer implication to fact? A careful study of the Acts 20 shows\\nthat the meeting was on Saturday night and that on Sunday morning Paul did\\nnot go to a worship service, but set off on a long journey by foot to\\nAssos. In ICor 16 there is no way you can equate \"lay by him in store\"\\nwith \"go to a worship service.\"\\n| \\n| It\\'s clear that this issue was a contested one in Paul\\'s time. See\\n| Rom 14:5. Paul\\'s advice is that we should be very careful about\\n| judging each other on issues like this. One person sees a specific\\n| day as mandated by God, while another does not. He who observes that\\n| specific day does it in honor of the Lord. He who believes his\\n| worship is free of such restrictions also does it in honor of the\\n| Lord. (Those who believe that the Sabbath is still mandated argue\\n| that Paul is not referring to Sabbath worship here. Note however Col\\n| 2:16, which says something similar but briefer. It explicitly\\n| mentions Sabbath.)\\n\\nWrong. These are the sabbath days of the ceremonial law, not the Sabbath\\nday of the moral law.\\n| \\n| There are some differences among Christians about use of the word\\n| \"Sabbath\". Originally the term referred to the 7th Day, the Jewish\\n| day of worship. Many Christians now use it to refer to Sunday, the\\n| day of Christian worship. They do this largely so that they can apply\\n| the 4th (or whatever -- there are a couple of different numbering\\n| schemes) commandment to it. Reformed tradition does not do this. It\\n| distinguishes between the Sabbath -- which is the observance mandated\\n| for Jews, and the Lord\\'s Day -- which is the free Christian worship.\\n| (The only reference I can find to this in the NT is Rev 1:10.) There\\n| are also differences about laws regarding this day. Many Christians\\n| support \"blue laws\", both in secular law and church law, setting aside\\n| that day and causing people to spend it in worship. The more radical\\n| anti-legal approach sees such regulations as a return to the Jewish\\n| Sabbath, which is not appropriate to the free Christian worship of the\\n| Lord\\'s Day.\\n| \\nWhy would you prefer to twist and turn, relying on different arguments\\nwhich conflict with each other, rather than obey a simple request from a\\nGod who loved you enough to die for you. Jesus died because the law could\\nnot be changed. Why bother to die in order to meet the demands of a\\nbroken law if all you need to do is change the law. Penalties for law\\nbreaking means the law is immutable. That is why it is no sin not to\\nfollow the demands of the ceremonial laws. It will always be a sin to\\nmake false gods, to violate God\\'s name, to break the Sabbath, to steal, to\\nkill, etc. Except it you disagree. But then your opinion has no weight\\nwhen placed next to the word of God.\\n\\nDarius\\n\\n[It\\'s not clear how much more needs to be said other than the FAQ. I\\nthink Paul\\'s comments on esteeming one day over another (Rom 14) is\\nprobably all that needs to be said. I accept that Darius is doing\\nwhat he does in honor of the Lord. I just wish he might equally\\naccept that those who \"esteem all days alike\" are similarly doing\\ntheir best to honor the Lord.\\n\\nHowever I\\'d like to be clear that I do not think there\\'s unambiguous\\nproof that regular Christian worship was on the first day. As I\\nindicated, there are responses on both of the passages cited.\\n\\nThe difficulty with both of these passages is that they are actually\\nabout something else. They both look like they are talking about\\nnnregular Christian meetings, but neither explicitly says \"and they\\ngathered every Sunday for worship\". We get various pieces of\\ninformation, but nothing aimed at answering this question. \\n\\nAct 2:26 describes Christians as participating both in Jewish temple\\nworship and in Christian communion services in homes. Obviously the\\ntemple worship is on the Sabbath. Acts 13:44 is an example of\\nChristians participating in them. Unfortunately it doesn\\'t tell us\\nwhat day Christians met in their houses. Acts 20:7, despite Darius\\'\\nconfusion, is described by Acts as occuring on Sunday. (I see no\\nreason to impose modern definitions of when days start, when the\\nBiblical text is clear about what was meant.) The wording implies to\\nme that this was a normal meeting. It doesn\\'t say they gathered to\\nsee Paul off, but that when they were gathered for breaking bread,\\nPaul talked about his upcoming travel. But that\\'s just not explicit\\nenough to be really convincing. Similarly with 1 Cor 16:2. It says\\nthat on the first day they should set aside money for Paul\\'s\\ncollection. Now if you want to believe that they gathered specially\\nto do this, or that they did it in their homes, I can\\'t disprove it,\\nbut the obvious time for a congregation to take an offering would be\\nwhen they normally gather for worship, and if they were expected to do\\nit in their homes there would be no reason to mention a specific day.\\nSo I think the most obvious reading of this is that \"on the first day\\nof every week\" simply means every time they gather for worship. \\n\\nI think the reason we have only implications and not clear statements\\nis that the NT authors assumed that their readers knew when Christian\\nworship was.\\n\\n--clh]\\n',\n", + " 'From: mas@Cadence.COM (Masud Khan)\\nSubject: Re: The Inimitable Rushdie\\nOrganization: Cadence Design Systems, Inc.\\nLines: 48\\n\\nIn article <16BAFA9D9.I3150101@dbstu1.rz.tu-bs.de> I3150101@dbstu1.rz.tu-bs.de (Benedikt Rosenau) writes:\\n> \\n> \\n>Yes, but, fortunately, religions have been replaced by systems\\n>that value Human Rights higher.\\n\\nSecular laws seem to value criminal life more than the victims life,\\nIslam places the rights of society and every member in it above \\nthe rights of the individual, this is what I call true human rights.\\n\\n> \\n>By the way, do you actually support the claim of precedence of Islamic\\n>Law? In case you do, what about the laws of other religions?\\n\\nAs a Muslim living in a non-Muslim land I am bound by the laws of the land\\nI live in, but I do not disregard Islamic Law it still remains a part of my \\nlife. If the laws of a land conflict with my religion to such an extent\\nthat I am prevented from being allowed to practise my religion then I must \\nleave the land. So in a way Islamic law does take precendence over secular law\\nbut we are instructed to follow the laws of the land that we live in too.\\n\\nIn an Islamic state (one ruled by a Khaliphate) religions other than Islam\\nare allowed to rule by their own religious laws provided they don\\'t affect\\nthe genral population and don\\'t come into direct conflict with state \\nlaws, Dhimmis (non-Muslim population) are exempt from most Islamic laws\\non religion, such as fighting in a Jihad, giving Zakat (alms giving)\\netc but are given the benefit of these two acts such as Military\\nprotection and if they are poor they will receive Zakat.\\n\\n> \\n>If not, what has it got to do with Rushdie? And has anyone reliable\\n>information if he hadn\\'t left Islam according to Islamic law?\\n>Or is the burden of proof on him?\\n> Benedikt\\n\\nAfter the Fatwa didn\\'t Rushdie re-affirm his faith in Islam, didn\\'t\\nhe go thru\\' a very public \"conversion\" to Islam? If so he is binding\\nhimself to Islamic Laws. He has to publicly renounce in his belief in Islam\\nso the burden is on him.\\n\\nMas\\n\\n\\n-- \\nC I T I Z E N +-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-+\\n_____ _____ | C A D E N C E D E S I G N S Y S T E M S Inc. |\\n \\\\_/ | Masud Ahmed Khan mas@cadence.com All My Opinions|\\n_____/ \\\\_____ +-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-+\\n',\n", + " \"From: jay@vitec.com (Jay Thompson)\\nSubject: DOS 6.0\\nOrganization: VITec\\nLines: 16\\n\\nI know of two people who have horrer stories about the DOS 6.0. \\nThat's 100% of the people I know with DOS 6.0. Both have\\nhad to reformat their disks and start over. One had drive D compress and work\\nfine, only to compress C: to have the thing choke, spit out an unintelligable\\nwarning, and then hang. All that was left on either drive was autoexec.bat\\nand config.sys. Calls to Microsoft only met with busy signals. After reformatting\\nthe drive, I'm not sure if he had the guts to reinstall 6.0 or stay with a known\\nentity.\\n\\nThe other may have been a marginal drive, however, his upgrade failed,\\nhe had to format a floppy disk at 6.0, format the drive, and then reinstall.\\n\\nI make now claims since I was not driving at the time, however, be careful\\nand make sure you back important things up.\\n\\nI am interested in any other people with similar or success stories.....\\n\",\n", + " 'From: avm1993@sigma.tamu.edu (MAMISHEV, ALEXANDER VALENTINO)\\nSubject: digital voltmeter - how does it work?\\nOrganization: Texas A&M University, Academic Computing Services\\nLines: 34\\nDistribution: world\\nNNTP-Posting-Host: sigma.tamu.edu\\nNews-Software: VAX/VMS VNEWS 1.41 \\n\\n Hello, \\n\\n Let me introduce a problem:\\n\\n When I measure a sinusoidal wave (voltage) with a digital voltmeter, using \\nAC mode, my output is an rms value (a peak value over 2 squared). / Right? / \\n When I measure a square wave in the same mode (AC), my output is equal \\nto a peak value, actually, to the upper flat boundary of the wave.\\n I assumed, that a digital voltmeter makes some kind of integration of the \\ninput value, and divides it over the wave period. / Right?/\\n Now, I used it to measure the same square wave as above, but distorted \\nby high-frequency harmonics. Ideally, output should be the same, but...\\nThe output value was only about 10% of the previous one! \\n Why? What is the nature of this output value? What does the voltmeter \\nactually measure? And what does it show? \\n\\n Related question (less important to me):\\n What are advantages and disadvantages of digital voltmeters to compare with \\nanalog ones? \\n\\n Thank you for your attention, you could mail me your opinion at\\navm1993@zeus.tamu.edu or open a discussion here. I would appreciate either \\nway.\\n\\n\\nAlexander V. Mamishev\\n\\n____________________________________________________________________________\\nPower System Automation Laboratory <> phone office (409) 845-4623 \\nDepartment of Electrical Engineering <> phone home (409) 846-5850\\nTexas A&M University <> fax (409) 862-2282\\nCollege Station, TX 77843, USA <> Internet: avm1993@zeus.tamu.edu\\n----------------------------------------------------------------------------\\n\\n',\n", + " 'From: lilley@v5.cgu.mcc.ac.uk (Chris Lilley)\\nSubject: Re: RGB to HVS, and back\\nLines: 26\\nReply-To: C.C.Lilley@mcc.ac.uk\\nOrganization: Computer Graphics Unit, MCC\\n\\n\\nIn article , zyeh@caspian.usc.edu (zhenghao yeh)\\nwrites:\\n\\n>|> See Foley, van Dam, Feiner, and Hughes, _Computer Graphics: Principles\\n>|> and Practice, Second Edition_.\\n>|> \\n>|> [If people would *read* this book, 75 percent of the questions in this\\n>|> froup would disappear overnight...]\\n>|> \\n>\\tNot really. I think it is less than 10%.\\n\\nOr alternatively, 75% of the questions cover 10% of the topics in this group -\\nmaking them frequently asked.\\n\\nSo the other 25% cover 90% of the topics, making them rarely asked and thus in\\nsore need of answering ...\\n\\n--\\nChris Lilley\\n----------------------------------------------------------------------------\\nTechnical Author, ITTI Computer Graphics and Visualisation Training Project\\nComputer Graphics Unit, Manchester Computing Centre, Oxford Road, \\nManchester, UK. M13 9PL Internet: C.C.Lilley@mcc.ac.uk \\nVoice: +44 (0)61 275 6045 Fax: +44 (0)61 275 6040 Janet: C.C.Lilley@uk.ac.mcc\\n------------------------------------------------------------------------------\\n',\n", + " 'From: swh@capella.cup.hp.com (Steve Harrold)\\nSubject: Re: Need Info on Diamond Viper Video Card\\nOrganization: Hewlett Packard, Cupertino\\nLines: 46\\n\\nExperiences with Diamond Viper VLB video card\\n\\nSeveral problems:\\n\\n1) The ad specified 16.7 million colors at 640x480 resolution with 1MB\\n of VRAM, which is what I have. This color depth is NOT SUPPORTED\\n with video BIOS version 1.00 and drivers version 1.01. A max of 65K\\n colors are supported at 640x800 and 800x600 resolutions with 1MB\\n VRAM.\\n\\n2) With the 65K color choice I notice two minor irritations:\\n\\n a) Under NDW, when an entry in a list is highlighted (such as in an\\n Open menu) and then is deselected, a faint vertical line often\\n remains where the left edge of the highlighted rectangle used to\\n be.\\n\\n b) With Word for Windows, when you use shading in a table, the\\n display shows the INVERSE of the shading; for example, if you\\n shade the cell as 10%, the display is 90% (the printout is OK).\\n\\n3) The big killer bug is using the Borland C++ Integrated Development\\n Environment. The problem occurs when you click on the Turbo Debugger\\n icon (or use the Debugger option in the Run command), and the\\n debugger application goes to VGA character mode (as it is designed\\n to do). The screen goes haywire, and is largely unreadable. The\\n Turbo Debugger display is all garbled.\\n\\n Through trial and error, I have found that when the disrupted screen\\n is displayed you should do [Alt-Spacebar] followed by the letter\\n \"R\". This instructs Turbo Debugger to refresh the screen, and it\\n does this satisfactorily. I wish I didn\\'t have to do this.\\n\\n The bug is more than with the Diamond drivers. The same disruptive\\n behavior happens with the standard VGA driver that comes with\\n Windows. There must be something in the video card that mishandles\\n the VGA mode.\\n \\n The problem is not my monitor. The same bug shows up when I use\\n another monitor in place of my usual one.\\n\\nI still like this video card, and am hoping its problems will be\\nremedied (they do offer a 5 year warranty).\\n\\n---\\nswh, 20apr93\\n',\n", + " \"From: atfurman@cup.portal.com (A T Furman)\\nSubject: Re: The LAW of RETRIBUTION\\nOrganization: The Portal System (TM)\\n \\nLines: 15\\n\\nSteve Hix writes:\\n\\n>Is there NOWHERE on the net that this guy WILL NOT POST?\\n>\\n>Not to mention, is there ANYWHERE that he makes any\\n>SENSE?!\\n\\nOf course there is.\\n\\nPerhaps the Vogons will put in a hyperspace bypass so that he can get there.\\n\\n\\n Alan T. Furman | Don't blame me -- I voted Libertarian\\n---------------------------+----------------------------------------\\n atfurman@cup.portal.com | (800)682-1776 for more information\\n\",\n", + " \"From: egan@phony25.cc.utah.edu (Egan F. Ford)\\nSubject: color xterm\\nKeywords: color xterm\\nReply-To: egan%phony25.cc.utah.edu@hellgate.utah.edu\\nOrganization: Call Business Systems\\nLines: 9\\n\\nI'm look for current patches for color xterm for X11R5 pl19 ro higher. Could\\nsomeone please tell me where to get them for e-mail them to me.\\n\\nThanks.\\n\\n\\n-- \\nEgan F. Ford\\negan%phony25.cc.utah.edu@hellgate.utah.edu\\n\",\n", + " \"From: monta@image.mit.edu (Peter Monta)\\nSubject: Re: MC SBI mixer\\nIn-Reply-To: musone@acsu.buffalo.edu's message of 19 Apr 93 21:10:14 GMT\\nOrganization: MIT Advanced Television Research Program\\nLines: 24\\n\\nmusone@acsu.buffalo.edu (Mark J. Musone) writes:\\n\\n> P.S. any REALLY GOOD BOOKS on AM/FM theory ALONG WITH DETAILED\\n> ELECTRICAL DIAGRAMS would help a lot.\\n> I have seen a lot of theory books with no circuits and a lot of\\n> circuit books with no theory, but one without the other does not help.\\n\\nMixers have a wide variety of implementations; the Mini-Circuits\\npart you mention is a doubly-balanced diode mixer, but active ones\\n(BJT, FET) seem more popular in consumer receivers. You might\\ncall MCL; they have a nice catalog.\\n\\nThe universal answer for wide-coverage, theory+practice, RF design\\nis the _ARRL Handbook_, published by the American Radio Relay\\nLeague, the radio amateur organization. Any technical bookstore\\ncan order you one. The book is superb, with lots of accessible\\ntheory, construction projects, and generally interesting stuff.\\n\\nYou might also check out _Solid State Design for the Radio Amateur_\\n(I think), by Hayward and . This has sharper design\\nand test information about subsystems like mixers.\\n\\nPeter Monta monta@image.mit.edu\\nMIT Advanced Television Research Program\\n\",\n", + " 'From: aj359@cleveland.Freenet.Edu (Christopher C. Morton)\\nSubject: Re: BATF/FBI Murders Almost Everyone in Waco Today! 4/19\\nOrganization: Case Western Reserve University, Cleveland, OH (USA)\\nLines: 37\\nReply-To: aj359@cleveland.Freenet.Edu (Christopher C. Morton)\\nNNTP-Posting-Host: slc10.ins.cwru.edu\\n\\n\\nIn a previous article, rats@cbnewsc.cb.att.com (Morris the Cat) says:\\n\\n>\\n>|>>This is about the third person who\\'s parroted the FBI\\'s line about the\\n>|>>fires being set \"six hours after the tear gas was injected.\" Suppose you\\n>\\n>|How would the Fed snipers have been able to witness the BDs setting the\\n>|fire (as is claimed) through all that tear gas?\\n>\\n>I actually heard one report which claimed that infrared cameras saw\\n>the Branch Dividians setting the fires... now, you\\'ll have to excuse\\n\\nYeah sure. Maybe thermal GUNSIGHTS on the armored vehicles. When\\ndiscussing military hardware and weapons, the media generally looks like\\na ufology convention.\\n\\n>my scepticism, but I find it quite strange that ANYONE would be operating\\n>a thermal viewer during a daytime battle. It would be unusual in the\\n>sense that the Federales combat operation - gassing the BD with \"CS2,\"\\n>whatever that is (Is this the infamous \"BZ\" hallucination gas?), from\\n\\nCS is merely the garden variety military teargas. As far as it being\\n\"humane and harmless\", I\\'ve seen teenage boys knock 200lb. drill\\nsergeants flat getting away from it....\\n\\n>I am pretty sure that newly-born religious groups will study these\\n>FBI tactics and build anti-armor barricades and tank traps to make\\n>\"Next Time!\" a lot bloodier for the Federales...\\n>\\nWhat do you expect when idiots and criminals confirm paranoids in their\\nparanoia...?\\n\\n-- \\n*************************************************************************\\nIf you were smarter, you\\'d have these opinions....\\n*******************************************************************************\\n',\n", + " \"From: narain@ih-nxt09.cso.uiuc.edu (Nizam Arain)\\nSubject: Floptical Question\\nArticle-I.D.: news.C519MM.M2L\\nReply-To: narain@uiuc.edu\\nOrganization: University of Illinois at Urbana\\nLines: 17\\n\\nHi. I am looking into buying a Floptical Drive, and was wondering what \\nexperience people have with the drives from Iomega, PLI, MASS MicroSystems, \\nor Procom. These seem to be the main drives on the market. Any advice?\\n\\nAlso, I heard about some article in MacWorld (Sep '92, I think) about \\nFlopticals. Could someone post a summary, if they have it?\\n\\nThanks in advance. (Reply by post or email, whichever you prefer.)\\n\\n--Nizam\\n\\n--\\n\\n / * \\\\ Nizam Arain \\\\ What makes the universe\\n|| || (217) 384-4671 / so hard to comprehend \\n| \\\\___/ | Internet: narain@uiuc.edu \\\\ is that there is nothing\\n \\\\_____/ NeXTmail: narain@sumter.cso.uiuc.edu / to compare it with.\\n\",\n", + " \"From: lilley@v5.cgu.mcc.ac.uk (Chris Lilley)\\nSubject: Re: 48-bit graphics...\\nKeywords: 48-bit alpha channel IMAGE\\nLines: 41\\nReply-To: C.C.Lilley@mcc.ac.uk\\nOrganization: Computer Graphics Unit, MCC\\n\\n\\nIn article <1993Apr24.201117.26232@cs.wisc.edu>, oehler@yar.cs.wisc.edu (Wonko\\nthe Sane) writes:\\n\\n>\\tI was recently talking to a possible employer ( mine! :-) ) and he made a\\n>reference to a 48-bit graphics computer/image processing system. I seem to\\n>remember it being called IMAGE or something akin to that. Anyway, he claimed\\n>it had 48-bit color + a 12-bit alpha channel. That's 60 bits of info--what\\n>could that possibly be for? Specifically the 48-bit color? That's 280\\n>trillion colors, many more than the human eye can resolve. Is this an\\n>anti-aliasing thing? Or is this just some magic number to make it work better\\n>with a certain processor.\\n\\nWell 48 bit colour *could* be for improved resolution but 16 bits per channel\\nseems like a bit excessive. I have seen a paper that quoted 10 bits per channel\\nof 12 bits for computational precision. More than that would seem to be wasted.\\n\\nPerhaps the frame buffer uses another colourspace which needs more bits to\\nrepresent the full range - RGB is a cube so it is a compact encoding.\\n\\nMost likely however is that there are two separate 24 bit (8 bits per component)\\nframe buffers. This set up, called double buffering, allows a complex 3d picture\\nto be built up on one buffer while the other buffer (containing the previous\\nframe) is displayed. This makes for smoother animation.\\n\\n>(sadly, I have access to none of them. Just a DEC 5000/25. Sigh.)\\n\\nWell hey if you want to brag about numbers, the 5000 range can take a PXG Turbo+\\ncard with 96 bits per pixel. Full double buffering (Two 24 bit buffers), a 24\\nbit Z buffer and an extra 24 bit buffer for off screen image storage.\\n\\nMind you the card costs more than your workstation.\\n\\n--\\nChris Lilley\\n----------------------------------------------------------------------------\\nTechnical Author, ITTI Computer Graphics and Visualisation Training Project\\nComputer Graphics Unit, Manchester Computing Centre, Oxford Road, \\nManchester, UK. M13 9PL Internet: C.C.Lilley@mcc.ac.uk \\nVoice: +44 (0)61 275 6045 Fax: +44 (0)61 275 6040 Janet: C.C.Lilley@uk.ac.mcc\\n------------------------------------------------------------------------------\\n\",\n", + " 'From: michael.flood@channel1.com (michael flood)\\nSubject: cpu fans\\nArticle-I.D.: channel1.1993Apr22.1147.34865\\nReply-To: \"michael flood\" \\nDistribution: comp\\nOrganization: Channel 1 Communications\\nLines: 30\\n\\nnmp@mfltd.co.uk (Nic Percival (x5336)) wrote:\\n\\n> Just got a 66MHz 486DX2 system, and am considering getting a fan for the\\n> CPU. The processor when running is too hot to touch so I think this is a\\n\\n(stuff deleted)\\n\\nMy 66 DX2 is about a week old and is custom built by me and for me.\\nI am using the PC Power and Cooling CPU Cooler. This one has\\nprecision ball bearings in the motor. It has a pretty substantial\\nheat sink; so if it happened to fail it would still probably\\ndissipate more heat than the bare chip.\\n\\nIt attaches with peel off adhesive. This is a full size AT case, so\\nthe fan has gravity in its favor. I would be a little nervous about\\nfinding the fan at the bottom of a tower case if it happened to let\\ngo.\\n\\nAll of the CPU fans that I know of are powered from a drive cable.\\nThere are other \"board\" type fans which are ISA boards with a couple\\nof fans mounted on them. They are powered by the slot. I don\\'t\\nknow how effective they are; maybe someone else could comment.\\n\\nThe cpu is cool enough to touch with the PCP&C unit.\\n\\nPC-Connection at 800-243-8088 has them for 29.95 + 5.00 next day\\ndelivery. The Y cord is 7.00 if you don\\'t have a spare lead off the\\npower supply. PCP&C make the best power supplies available IMHO.\\n--\\nChannel 1 (R) Cambridge, MA\\n',\n", + " \"From: pw@panix.com (Paul Wallich)\\nSubject: Re: Help with ultra-long timing\\nOrganization: Trivializers R Us\\nLines: 16\\n\\nIn <1pqu12$pmu@sunb.ocs.mq.edu.au> johnh@macadam.mpce.mq.edu.au (John Haddy) writes:\\n>In article , mcovingt@aisun3.ai.uga.edu (Michael Covington) writes:\\n>|> Instead, use a quartz crystal and divide its frequency by 2 40 times\\n>|> or something like that.\\n>... Wouldn't a crystal be affected by cold? My gut feeling is that, as a\\n>mechanically resonating device, extreme cold is likely to affect the\\n>compliance (?terminology?) of the quartz, and hence its resonant frequency.\\n \\nYes, but in a fairly reproducible way. -40 is only a smidgen of the\\ndistance to absolute zero. And in any case you're going to have to\\nborrow freezer space from a bio lab or someone to test/calibrate this\\ndarling anyway. Btw, you're probably going to want those big capacitors\\nyou found to fire the solenoid -- High current drain on frozen batteries\\ncan be an ugly thing.\\n\\npaul\\n\",\n", + " \"From: nickh@CS.CMU.EDU (Nick Haines)\\nSubject: Re: Shuttle Launch Question\\nIn-Reply-To: jcm@head-cfa.harvard.edu's message of Sun, 18 Apr 1993 22:44:14 GMT\\nOriginator: nickh@SNOW.FOX.CS.CMU.EDU\\nNntp-Posting-Host: snow.fox.cs.cmu.edu\\nOrganization: School of Computer Science, Carnegie Mellon University\\n\\t<1993Apr18.224414.784@head-cfa.harvard.edu>\\nDistribution: sci\\nLines: 17\\n\\nIn article <1993Apr18.224414.784@head-cfa.harvard.edu> jcm@head-cfa.harvard.edu (Jonathan McDowell) writes:\\n\\n My understanding is that the 'expected errors' are basically\\n known bugs in the warning system software - things are checked\\n that don't have the right values in yet because they aren't\\n set till after launch, and suchlike. Rather than fix the code\\n and possibly introduce new bugs, they just tell the crew\\n 'ok, if you see a warning no. 213 before liftoff, ignore it'.\\n\\nGood grief. And I thought the Shuttle software was known for being\\nwell-engineered. If this is actually the case, every member of the\\nprogramming team should be taken out and shot.\\n\\n(given that I've heard the Shuttle software rated as Level 5 in\\nmaturity, I strongly doubt that this is the case).\\n\\nNick Haines nickh@cmu.edu\\n\",\n", + " 'From: tysoem@facman.ohsu.edu (Marie E Tysoe)\\nSubject: sciatica\\nDistribution: usa\\nOrganization: Oregon Health Sciences University\\nLines: 1\\nNntp-Posting-Host: facman\\n\\nIdeas for the relief of sciatica. Please respond to my E-mail\\n',\n", + " \"From: thang@harebell.egr.uh.edu (Chin-Heng Thang)\\nSubject: Win 3.1 startup screen downgraded to win 3.0 startup screen ???!!!?!?!\\nOrganization: University of Houston\\nLines: 20\\nNNTP-Posting-Host: harebell.egr.uh.edu\\n\\nHHHHEEEELLLLPPPP Meeeeeee!\\n\\n\\tI installed a 256 color svga driver for my windows last week. \\nThis driver was downloaded from ftp.cica.indiana.edu specifically for \\nParadise svga card. However, after I installed it and when I run windows, \\nthe startup screen in the beginning becomes the old windows 3.0 startup \\nscreen ????!!??!!\\n\\n\\tEverything works fine except the startup screen. I know the \\nstartup screen must have been changed in the system.ini file (or is it ?) \\nbut I couldn't figure out what to alter! Can some one help me with this? \\nPlease e-mail to my address:\\n\\n\\tthang@tree.egr.uh.edu or thang@jetson.uh.edu\\n\\nIn addition, can anyone know where can I get a 1024x680 paradise svga \\ndriver (256 color) ? this is a used computer and I do not have anything \\n(drivers, etc) regarding the driver....\\n\\nthanks in advance.......;o)\\n\",\n", + " \"From: gw18@prism.gatech.EDU (Greg Williams)\\nSubject: Re: Many people on one machine\\nDistribution: git\\nOrganization: Georgia Institute of Technology\\nLines: 23\\n\\nIn <93111.154952CDA90038@UCF1VM.BITNET> CDA90038@UCF1VM.BITNET (Mark Woodruff) writes:\\n\\n>I have several people sharing my machine and would like to set up separate\\n>environments under Windows for each of them. Is there some way of setting\\n>things up separate desktops/directories for each of them? Ideally,\\n>I'd like totally separate virtual machines. I'd be willing to settle for\\n>less, and may end up having batch files that copy .ini files around\\n>depending on who wants to use the machine.\\n\\nYou could use DOS 6 to do this partly. You can set up different config.sys\\nand autoexec.bat commands for each user, and they just have to select their\\nmenu option on bootup. Then you can have the autoexec.bat copy the win.ini\\nand system.ini files and change directories for them. When they exit windows,\\nit can copy back generic .ini files if you want.\\n\\nThis is the only way I can think of. There may be some programs somewhere\\nthat allow you to do this better, though using DOS 6 allows each person to\\nhave a custom config.sys and autoexec.bat.\\n-- \\nGreg Williams\\nGeorgia Institute of Technology, Atlanta Georgia, 30332\\nuucp:\\t ...!{decvax,hplabs,ncar,purdue,rutgers}!gatech!prism!gw18\\nInternet: gw18@prism.gatech.edu\\n\",\n", + " \"From: lulagos@cipres.cec.uchile.cl (admirador)\\nSubject: OAK VGA 1Mb. Please, I needd VESA TSR!!! 8^)\\nOriginator: lulagos@cipres\\nNntp-Posting-Host: cipres.cec.uchile.cl\\nOrganization: Centro de Computacion (CEC), Universidad de Chile\\nLines: 15\\n\\n\\n\\tHi there!...\\n\\t\\tWell, i have a 386/40 with SVGA 1Mb. (OAK chip 077) and i don't\\n\\t\\thave VESA TSR program for this card. I need it . \\n\\t\\t\\tPlease... if anybody can help me, mail me at:\\n\\t\\t\\tlulagos@araucaria.cec.uchile.cl\\n\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\tThanks.\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\tMackk. \\n _ /| \\n \\\\'o.O' \\n =(___)=\\n U \\n Ack!\\n\",\n", + " 'From: kjenks@gothamcity.jsc.nasa.gov\\nSubject: Re: Space Station Redesign, JSC Alternative #4\\nOrganization: NASA/JSC/GM2, Space Shuttle Program Office \\nX-Newsreader: TIN [version 1.1 PL8]\\nLines: 54\\n\\nFirst, kjenks@gothamcity.jsc.nasa.gov (Hey, that\\'s me!) wrote:\\n: : I have 19 (2 MB worth!) uuencode\\'d GIF images contain charts outlining\\n: : one of the many alternative Space Station designs being considered in\\n: : Crystal City. [...]\\n\\nSecond, kjenks@gothamcity.jsc.nasa.gov (me again) wrote:\\n: I just posted the GIF files out for anonymous FTP on server ics.uci.edu.\\n: You can retrieve them from:\\n: ics.uci.edu:incoming/geode01.gif\\n: ics.uci.edu:incoming/geode02.gif\\n: ics.uci.edu:incoming/geode03.gif\\n: ics.uci.edu:incoming/geode04.gif\\n: ics.uci.edu:incoming/geode05.gif\\n: ics.uci.edu:incoming/geode06.gif\\n: ics.uci.edu:incoming/geode07.gif\\n: ics.uci.edu:incoming/geode08.gif\\n: ics.uci.edu:incoming/geode09.gif\\n: ics.uci.edu:incoming/geode10.gif\\n: ics.uci.edu:incoming/geode11.gif\\n: ics.uci.edu:incoming/geode12.gif\\n: ics.uci.edu:incoming/geode13.gif\\n: ics.uci.edu:incoming/geode14.gif\\n: ics.uci.edu:incoming/geode15.gif\\n: ics.uci.edu:incoming/geode16.gif\\n: ics.uci.edu:incoming/geode17.gif\\n: ics.uci.edu:incoming/geodeA.gif\\n: ics.uci.edu:incoming/geodeB.gif\\n\\n: The last two are scanned color photos; the others are scanned briefing\\n: charts.\\n\\n: These will be deleted by the ics.uci.edu system manager in a few days,\\n: so now\\'s the time to grab them if you\\'re interested. Sorry it took\\n: me so long to get these out, but I was trying for the Ames server,\\n: but it\\'s out of space.\\n\\nBut now I need to clarify the situation. The \"/incoming\" directory on\\nics.uci.edu does NOT allow you to do an \"ls\" command. The files are\\nthere (I just checked on 04/28/93 at 9:35 CDT), and you can \"get\" them\\n(don\\'t forget the \"binary\" mode!), but you can\\'t \"ls\" in the\\n\"/incoming\" directory.\\n\\nA further update: Mark\\'s design made the cover of Space News this week\\nas one of the design alternatives which was rejected. But he\\'s still\\nin there plugging. I wish him luck -- using ET\\'s as the basis of a\\nSpace Station has been a good idea for a long time.\\n\\nMay the best design win.\\n\\n-- Ken Jenks, NASA/JSC/GM2, Space Shuttle Program Office\\n kjenks@gothamcity.jsc.nasa.gov (713) 483-4368\\n\\n \"Good ideas are not adopted automatically. They must be driven into\\n practice with courageous impatience.\" -- Admiral Hyman G. Rickover\\n',\n", + " 'From: dsc3jfs@nmrdc1.nmrdc.nnmc.navy.mil (Jim Small)\\nSubject: Re: story\\nKeywords: PARTY!!!!\\nOrganization: Naval Medical Research & Development Command\\nLines: 16\\n\\nIn article <1993Apr19.223026.10137@Pacesetter.COM> lynn@pacesetter.com (Lynn E. Hall) writes:\\n>\\n> I just got back from the 11th Annual Southern California Harley Dealers\\n>Association Run to the Colorado river city of Lauglin, Nevada.\\n>\\n>AKA - the Lauglin Run\\n>\\n\\nI went there too. All I can say is\\n\\n\"TOO MUCH TRASH\".\\n\\n\\n-- \\nI hate the 3B2\\nThe 3B2 can bite me.\\n',\n", + " \"From: poe@wharton.upenn.edu\\nSubject: BIOS Fix for Diamond SS24X\\nOrganization: University of Pennsylvania\\nLines: 8\\nNntp-Posting-Host: fred.wharton.upenn.edu\\n\\nHello World.\\nIn posts I've heard about all of the bugs in the DSS24X and the drivers.\\nNow I hear that Diamond ships BIOS replacements to some people, that fixes\\na lot of problems as well as new drivers. Can anyone tell me how to get mine?\\n\\nThanks in advance\\nPhil\\nPOE@WHARTON.UPENN.EDU\\n\",\n", + " 'From: kyle@wam.umd.edu (Kyle Xavier Hourihan)\\nSubject: Re: Where did the hacker ethic go?\\nOrganization: University of Maryland, College Park\\nLines: 41\\nNNTP-Posting-Host: rac2.wam.umd.edu\\n\\nIn article <12MAY199322394641@vxcrna.cern.ch> filipe@vxcrna.cern.ch (VINCI) writes:\\n .. blah blah .. talking about hackers.. you know ..\\n\\n\\nWow! A new proof for an NP-Complete problem, you guys in Eurpoe\\nreally got your stuff together!\\n\\n\\nBase Step: [deleted too bad]\\n\\nInductive Step:\\n>\\n> But anyway, poor golfers, bad carpenters or bad surgeons are not\\n> thieves, so your assertion that hacker==thief is unsupported by\\n> your argument, IMHO. The narrower view that a hacker, when\\n> associated with the computing environment, is a dishonest\\n> expert is not so widespread ...\\n\\nInductive Hypothesis:\\n> Therefore I conclude that if you call yourself a hacker, and somebody\\n> perceives you as a thief, then this person belongs to a very very\\n> small group that has some computer knowledge, but not enough to know\\n> the wider (and original) meaning of the word. Of course, one can\\n> always know this and disregard it nonetheless, then \\n> equate hacker to thief, giving substance to Mr. Humpty\\'s assertion,\\n> even though in a kind of reverse way.\\n\\nFodder Step:\\n> Finally, a true hacker does not name himself/herself one, for this is\\n> a title that is bestowed by the befuddled sysadmins and users at large.\\n>To me, a sign of a truly great hacker is to be introduced to someone who\\n>says \"Nahh, I just know a thing or two, people always exagerate...\" :-)\\n\\n>Filipe Santos (english is not my first language, so plse be forgetful of my mistakes!)\\nLike my mother always said, if you can\\'t say something nice...\\n or was that can\\'t say something right?\\n\\n\\n\\t\\t\\t\\t\\t- kxh\\n-- \\nThis is the signature file what do you think\\n',\n", + " \"From: levin@bbn.com (Joel B Levin)\\nSubject: Re: BIOLOGICAL ALCHEMY\\nLines: 19\\nNNTP-Posting-Host: fred.bbn.com\\n\\nmcelwre@cnsvax.uwec.edu writes:\\n\\n| \\n\\n| BIOLOGICAL ALCHEMY\\n| \\n| ( ANOTHER Form of COLD FUSION )\\n\\nGee, I'd FORGOTTEN about THIS NUT.\\n\\n| UN-altered REPRODUCTION and DISSEMINATION of this \\n| IMPORTANT Information is ENCOURAGED. \\n\\n\\n| Robert E. McElwaine\\n| B.S., Physics and Astronomy, UW-EC\\n\\nAnd we KNOW (CAN PROVE) what B.S. stands for in this case.\\n\\n\",\n", + " 'From: jim@specialix.com (Jim Maurer)\\nSubject: Re: The U.S. Holocaust Memorial Museum: A Costly and Dangerous Mistake\\nOrganization: Specialix Inc.\\nLines: 25\\n\\narf@genesis.MCS.COM (Jack Schmidling) writes:\\n\\n>In article jake@bony1.bony.com (Jake Livni) writes:\\n>>through private contributions on Federal land\". Your hate-mongering\\n>>article is devoid of current and historical fact, intellectual content\\n>>and social value. Down the toilet it goes.....\\n>>\\n\\n>And we all know what an unbiased source the NYT is when it comes to things\\n>concerning Israel.\\n\\n>Neither the Times nor the trained seals who have responded thus far seem to\\n>recognize the statement that these \"private funds\" were all tax exmpt. In\\n>otherwords, American taxpayers put up at least 30% of the money. And\\n>finalyy, how does \"Federal land\" mitigate the offensiveness of this alien\\n>monument dedicated to perpetuating pitty and the continual flow of tax money\\n>to a foreign entity?\\n\\n>That \"Federal land\" and tax money could have been used to commerate\\n>Americans or better yet, to house homeless Americans.\\n\\nThe donations are tax deductible like any donations to a non-profit\\norganization. I\\'ve donated money to a group restoring streetcars\\nand it was tax deductible. Why don\\'t you contribute to a group\\nhelping the homeless if you so concerned?\\n',\n", + " \"From: ivory@e7sa.crd.ge.com (John Ivory)\\nSubject: How to make an RLE file\\nNntp-Posting-Host: 144.219.40.1\\nOrganization: Tower Concepts\\nLines: 11\\n\\nI'm told that I can replace the colorful windows logo that appears as\\nwindows invokes with a graphic of my choosing. The challange is that the\\nimage must be in 'RLE' format. I've got GIF's, PIC's, JPG's, TIF's, etc...\\neverything but RLE's!\\n\\nWhat's the best route to converting these things? \\nWhat program should I download, and from where? \\nHas anybody else done this, and do you have the steps available?\\n\\nThanks. e-mail to ivory@e7sa.epi.syr.ge.com or ivory@tower.com would\\nbe prefered.\\n\",\n", + " 'From: bmdelane@quads.uchicago.edu (brian manning delaney)\\nSubject: Re: diet for Crohn\\'s (IBD)\\nReply-To: bmdelane@midway.uchicago.edu\\nOrganization: University of Chicago\\nLines: 27\\n\\nOne thing that I haven\\'t seen in this thread is a discussion of the\\nrelation between IBD inflammation and the profile of ingested fatty\\nacids (FAs).\\n\\nI was diagnosed last May w/Crohn\\'s of the terminal ileum. When I got\\nout of the hospital I read up on it a bit, and came across several\\nstudies investigating the role of EPA (an essentially FA) in reducing\\ninflammation. The evidence was mixed. [Many of these studies are\\ndiscussed in \"Inflammatory Bowel Disease,\" MacDermott, Stenson. 1992.]\\n\\nBut if I recall correctly, there were some methodological bones to be\\npicked with the studies (both the ones w/pos. and w/neg. results). In\\nthe studies patients were given EPA (a few grams/day for most of the\\nstudies), but, if I recall correctly, there was no restriction of the\\n_other_ FAs that the patients could consume. From the informed\\nlayperson\\'s perspective, this seems mistaken. If lots of n-6 FAs are\\nconsumed along with the EPA, then the ratio of \"bad\" prostanoid\\nproducts to \"good\" prostanoid products could still be fairly \"bad.\"\\nIsn\\'t this ratio the issue?\\n\\nWhat\\'s the view of the gastro. community on EPA these days? EPA\\nsupplements, along with a fairly severe restriction of other FAs\\nappear to have helped me significantly (though it could just be the\\nlow absolute amount of fat I eat -- 8-10% calories).\\n\\n-Brian \\n\\n',\n", + " 'From: mathew@mantis.co.uk (mathew)\\nSubject: Re: After 2000 years, can we say that Christian Morality is oxymoronic?\\nOrganization: Mantis Consultants, Cambridge. UK.\\nLines: 32\\nX-Newsreader: rusnews v1.01\\n\\nforgach@noao.edu (Suzanne Forgach) writes:\\n> From article <1qcq3f$r05@fido.asd.sgi.com>, by livesey@solntze.wpd.sgi.com \\n> (Jon Livesey):\\n> > If there is a Western ethic against infanticide, why\\n> > are so many children dying all over the world?\\n> \\n> The majority of the world isn\\'t \"Western\".\\n\\nSuperficially a good answer, but it isn\\'t that simple. An awful lot of the\\nstarvation and poverty in the world is directly caused by the economic\\npolicies of the Western countries, as well as by the diet of the typical\\nWesterner. For instance, some third-world countries with terrible\\nmalnutrition problems export all the soya they can produce -- so that it can\\nbe fed to cattle in the US, to make tender juicy steaks and burgers. They\\nhave to do this to get money to pay the interest on the crippling bank loans\\nwe encouraged them to take out. Fund-raising for Ethiopia is a truly bizarre\\nidea; instead, we ought to stop bleeding them for every penny they\\'ve got.\\n\\nPerhaps it\\'s more accurate to say that there\\'s a Western ethic against\\nWestern infanticide. All the evidence suggests that so long as the children\\nare dying in the Third World, we couldn\\'t give a shit. And that goes for the\\nsupposed \"Pro-Life\" movement, too. They could save far more lives by\\nfighting against Third World debt than they will by fighting against\\nabortion. Hell, if they\\'re only interested in fetuses, they could save more\\nof those by fighting for human rights in China.\\n\\nAnd besides, Suzanne\\'s answer implies that non-Western countries lack this\\nethic against infanticide. Apart from China, with its policy of mandatory\\nforced abortion in Tibet, I don\\'t believe this to be the case.\\n\\n\\nmathew\\n',\n", + " 'From: dbd@urartu.sdpa.org (David Davidian)\\nSubject: Re: Of Heroes and Cowards / The Depopulation of Karabakh Armenians\\nSummary: the fight for survival \\nKeywords: a typo correction \\nOrganization: S.D.P.A. Center for Regional Studies\\nLines: 28\\n\\nIn article <1993May13.202224.28950@urartu.sdpa.org> dbd@urartu.sdpa.org (David\\nDavidian) wrote:\\n\\n[DD] Not taking sides leaves one in a state of perpetual indecision because \\n[DD] both sides in this issue have their own logic at any given time. As an \\n[DD] Armenian I am partisan -- by definition. However, this does give me the \\n ^\\n |\\n obviously a \"not\" goes here--+ as \\n evidenced by the context.\\n\\n[DD] license to lie, cover-up, or revise events under question as we have read \\n[DD] on UseNet in postings by agents of the Turkish government. I understand \\n[DD] both sides of the issue, but this does not mean I will advocate both sides\\n[DD] when it suits me. Such a position would make me a hypocrite. I am also not\\n[DD] being paid by agents of Turkey nor Azerbaijan as are many proponents of \\n[DD] the Azeri side. I refer to agents such as Captioline International Group,\\n[DD] Ltd., being paid in excess of $30,000/month by Azerbaijan. I state my case\\n[DD] unencumbered by such advocacy or prostitution. \\n\\nThanks to Mr. CG.\\n\\n\\n-- \\nDavid Davidian dbd@urartu.sdpa.org | \"Armenia has not learned a lesson in\\nS.D.P.A. Center for Regional Studies | Anatolia and has forgotten the \\nP.O. Box 382761 | punishment inflicted on it.\" 4/14/93\\nCambridge, MA 02238 | -- Late Turkish President Turgut Ozal \\n',\n", + " 'From: moore@halley.est.3m.com (Richard Moore)\\nSubject: Using message passing with XtAddInput \\nOrganization: 3M Company, 3M Center, Minnesota, USA\\nDistribution: comp.windows.x\\nLines: 7\\n\\nIn the past, I have used named pipes to communicate between processes using\\nthe XtAddInput function to set up the event handling in Motif. Does anybody\\nknow of a way to do this with message passing ( IPC ) ? I tried it here and\\nno luck so far.\\n\\nThanks\\n\\n',\n", + " 'From: mathew \\nSubject: Re: Screw the people, crypto is for hard-core hackers & spooks only\\nOrganization: Mantis Consultants, Cambridge. UK.\\nX-Newsreader: rusnews v1.02\\nLines: 9\\n\\nifarqhar@laurel.ocs.mq.edu.au (Ian Farquhar) writes:\\n> Hmmm... I also wonder what Intergraph thinks about the use of the name\\n> \"Clipper\" for this device. :)\\n\\nNot to mention Computer Associates. I\\'ll have to be careful to stop telling\\npeople I\\'m a Clipper programmer, they might lynch me... :-)\\n\\n\\nmathew\\n',\n", + " 'From: oser@fermi.wustl.edu (Scott Oser)\\nSubject: Re: DID HE REALLY RISE???\\nOrganization: Washington University Astrophysics\\nLines: 36\\n\\nIn article mcovingt@aisun3.ai.uga.edu (Michael Covington) writes:\\n>The two historic facts that I think the most important are these:\\n>\\n>(1) If Jesus didn\\'t rise from the dead, then he must have done something\\n>else equally impressive, in order to create the observed amount of impact.\\n>\\n>(2) Nobody ever displayed the dead body of Jesus, even though both the\\n>Jewish and the Roman authorities would have gained a lot by doing so\\n>(it would have discredited the Christians).\\n>\\n>-- \\n>:- Michael A. Covington internet mcovingt@ai.uga.edu : *****\\n>:- Artificial Intelligence Programs phone 706 542-0358 : *********\\n>:- The University of Georgia fax 706 542-0349 : * * *\\n>:- Athens, Georgia 30602-7415 U.S.A. amateur radio N4TMI : ** *** ** <><\\n\\nAnd the two simplest refutations are these:\\n\\n(1) What impact? The only record of impact comes from the New Testament.\\nI have no guarantee that its books are in the least accurate, and that\\nthe recorded \"impact\" actually happened. I find it interesting that no other\\ncontemporary source records an eclipse, an earthquake, a temple curtain\\nbeing torn, etc. The earliest written claim we have of Jesus\\' resurrection\\nis from the Pauline epistles, none of which were written sooner than 20 years\\nafter the supposed event.\\n\\n(2) It seems probable that no one displayed the body of Jesus because no\\none knew where it was. I personally believe that the most likely\\nexplanation was that the body was stolen (by disciples, or by graverobbers).\\nDon\\'t bother with the point about the guards ... it only appears in one\\ngospel, and seems like exactly the sort of thing early Christians might make\\nup in order to counter the grave-robbing charge. The New Testament does\\nrecord that Jews believed the body had been stolen. If there were really\\nguards, they could not have effectively made this claim, as they did.\\n\\n-Scott O.\\n',\n", + " 'From: brein@jplpost.jpl.nasa.gov (Barry S. Rein)\\nSubject: Need survival data on colon cancer\\nOrganization: Jet Propulsion Laboratory\\nLines: 17\\nDistribution: world\\nNNTP-Posting-Host: desa.jpl.nasa.gov\\n\\nA relative of mine was recently diagnosed with colon cancer. I would like\\nto know the best source of survival statistics for this disease when\\ndiscovered at its various stages.\\n\\nI would prefer to be directed to a recent source of this data, rather than\\nreceive the data itself.\\n\\nThank you,\\n****************************************************************************\\n* Barry Rein \\n*\\n* brein@jplpost.jpl.nasa.gov \\n*\\n****************************************************************************\\n* No clever comment. \\n* \\n****************************************************************************\\n',\n", + " 'From: zxmkr08@studserv.zdv.uni-tuebingen.de (Cornelius Krasel)\\nSubject: Re: The _real_ probability of abiogenesis (was Re: Albert Sabin)\\nOrganization: InterNetNews at ZDV Uni-Tuebingen\\nLines: 27\\nNNTP-Posting-Host: studserv.zdv.uni-tuebingen.de\\n\\nIn <1qc6tiINNhie@ctron-news.ctron.com> king@ctron.com (John E. King) writes:\\n\\n>adpeters@sunflower.bio.indiana.edu (Andy Peters) writes:\\n\\n>>1) We\\'re not just talking about proteins. In fact, we shouldn\\'t be\\n>>talking about proteins at all, since (if I have to say this again I\\'m\\n>>goint to be really upset) *nobody*claims*that*proteins*appeared*de*\\n>>*novo*\\n>>the proteins did not form randomly.\\n>> \\n\\n>Before I repond to 2.), Andy, please clarify 1.). You state that\\n>proteins did not form randomly. That seems to be my point. \\n\\nWell, I am not Andy, but if you had familiarized yourself with some of\\nthe current theories/hypotheses about abiogenesis before posting :-), you\\nwould be aware of the fact that none of them claims that proteins were\\nassembled randomly from amino acids. It is current thinking that RNA-\\nbased replicators came before proteinaceous enzymes, and that proteins\\nwere assembled by some kind of primitive translation machinery.\\n\\nNow respond to 2. :-)\\n--Cornelius.\\n-- \\n/* Cornelius Krasel, Department of Physiological Chemistry, U Tuebingen */ \\n/* email: krasel@studserv.zdv.uni-tuebingen.de */\\n/* \"People are DNA\\'s way of making more DNA.\" (R. Dawkins / anonymous) */\\n',\n", + " \"From: sandvik@newton.apple.com (Kent Sandvik)\\nSubject: Re: Who's next? Mormons and Jews?\\nOrganization: Cookamunga Tourist Bureau\\nLines: 10\\n\\nIn article <1rfg06$8mm@usenet.INS.CWRU.Edu>, cj195@cleveland.Freenet.Edu\\n(John W. Redelfs) wrote:\\n> In the hands of a defender, a .357 _is_ a miracle from God. He helps those \\n> who help themselves. Or haven't you ever heard that one before?\\n\\nI didn't know God was a secular humanist...\\n\\nKent\\n---\\nsandvik@newton.apple.com. ALink: KSAND -- Private activities on the net.\\n\",\n", + " 'From: drw3l@delmarva.evsc.Virginia.EDU (David Robert Walker)\\nSubject: Re: How to speed up games (marginally realistic)\\nOrganization: University of Virginia\\nLines: 35\\n\\nIn article <2696.2bd66165@atlas.nafb.trw.com> mspede@atlas.nafb.trw.com writes:\\n>In article <1r3huvINNiju@jhunix.hcf.jhu.edu>, pablo@jhunix.hcf.jhu.edu (Pablo A Iglesias) writes:\\n>> batter and to my amazement, the umpire missed it. In the 12 years\\n>> that I played ball, this was worst piece of umpiring I ever saw.\\n> ^^^^^^^^^^^^^^^^^^^^^^^\\n>\\n> Now this sounds like a fun topic....\\n>\\n> In a slo pitch softball game, we had the first base dugout. One of our\\n> players hit a shot down the first base line with the bases loaded. The only\\n> question was fair or foul. Ball hits ground, chalk flies. Umpire calls\\n> foul. We give him the standard \"Didn\\'t you see chalk\" line. His response\\n> was \"It hit the FOUL HALF OF THE LINE\". We all started laughing.\\n>\\n> Mark Pede\\n>\\n\\nNot bad. We had a similar situation. Slowpitch softball, bases loaded,\\nweakest hitter at the plate. He hits a line drive over the third\\nbaseman\\'s head that hooked and hooked and finally landed ten feet in\\nfoul ground, almost hitting the fence down that side of the field.\\nBut the umpire called fair ball! I was coaching third, yelling at evrybody \\nto move up a base. The ump\\'s position: \"it was still fair when it\\npassed third base\". \\nWhy the other team didn\\'t immediately protest I\\'ll never know; we\\ncertainly weren\\'t going to argue about it, since every body did manage\\nto advance one base safely.\\n\\nThere was also the time when a batted ball ricocheted off my (runner\\nfrom second base) leg, fielded by the SS, steps on second to force the\\nrunner from first, and throw to first in time for what the umpire\\ncalled a triple play; protest removed when we won the game anyway.\\n\\nClay D.\\n\\n',\n", + " 'From: scot@bristol.NoSubdomain.NoDomain (Scot Wingo)\\nSubject: ******* Cool Demo Now Available on Internet! *********\\nKeywords: HyperHelp, Xprinter, Bristol, Cool\\nOrganization: Bristol Technology Inc.\\nLines: 92\\n\\n\\n\\n\\nBristol Technology announces the availability of \\nits HyperHelp(tm) and Xprinter(tm) demo for downloading.\\n\\nThis demo showcases the two products in the form of a \\ndiagram editor called DE.\\n\\nDownload the demo and see some of these exciting features for yourself:\\n\\n\\t o Complete on-line context sensitive help system.\\n\\n\\t o Printing support for PCL5 and PostScript.\\n\\n\\t o Rotated Text support!\\n\\n\\t o Source code for the demo is provided.\\n\\nThe demo is available via anonymous ftp from ftp.uu.net (137.39.1.9).\\n\\nThere are two versions of the demo located in the vendor/Bristol directory:\\nSun - sun4.demo.tar.Z (SunOS 4.x)\\nHP - hp700.tar.Z (HP-UX 8 & 9)\\n\\nIf you have any questions about the demo, send an\\ne-mail to: support@bristol.com.\\n\\nIf you want another version of the demo (rs6000,etc...) \\nplease send an e-mail to: info@bristol.com.\\n\\nRemember to use binary mode!\\n\\n\\nWhat are HyperHelp and Xprinter? Read on......\\n---------------------------------------------------------\\nBristol Technology is proud to announce version 3.0 of\\nits popular HyperHelp product and version 2.0 of Xprinter.\\n\\n\\t\\t\\t HyperHelp 3.0\\n\\t\\t\\t -------------\\nHyperHelp is the de-facto standard for on-line context\\nsensitive help in the Unix marketplace. Through a one\\nline function call, application developers can access the\\nfull features of HyperHelp and cut down drastically on\\ntheir development time. HyperHelp can use the same RTF,\\nproject, and bitmap files as the MS Windows Help facility.\\nThis allows a documentation department to maintain a single\\nset of help documents portable between MS Windows, Motif and\\nOpen Look. HyperHelp can also be authored in FrameMaker. \\nAnd with HyperHelp 3.0 Bristol introduces its SGML compiler!\\n\\nNew features in HyperHelp 3.0 include secondary windows,a character\\nbased viewer, segmented bitmaps, SGML support, and an improved History\\nwindow.\\n\\n\\t\\t\\t Xprinter 2.0\\n\\t\\t\\t ------------\\nXprinter 2.0 allows developers to add sophisticated\\nprinter support to their existing/new X based applications\\nvery easily. Xprinter uses the Xlib API for both the\\ndisplay and printer. This lets you use the exact same code\\nfor drawing and printing. Take a look at the source code for\\nour demo and see Xprinter in action.\\n\\nIf you are interested in adding PostScript and PCL5 support\\nto your application, Xprinter is the tool for you! Earlier\\nthis year Bristola dn USL signed an agreement that\\nresulted in Xprinter becoming the standard printing technology\\nfor UNIX SVR4.2.\\n\\n\\nFeel free to run the demo and let us know what you think about\\nHyperHelp and Xprinter. \\n\\nIf you have any questions or comments, send them to us at:\\ninfo@bristol.com or call us at (203) 438-6969.\\n\\n\\t\\t\\t\\tHappy demoing,\\n\\n\\n\\n\\t\\t\\t\\t\\tThe staff at Bristol Technology\\n\\n\\n\\n\\n\\n\\n\\n \\t\\t\\t \\n\\n',\n", + " \"From: klm@gozer.mv.com (Kevin L. McBride)\\nSubject: Re: CNN for sale\\nOrganization: GhostBuster Central - Southern NH Usenet Access, Nashua, NH\\nDistribution: usa\\nLines: 10\\n\\ncroaker@highlite.uucp (Francis A. Ney) writes:\\n\\n\\n> I will add my voice to the (hopefully) growing multitudes.\\n\\n> I hereby pledge $1000.00 towards the purchase of CNN, under the same conditions\\n> as already described. I will also post this idea on the other nets I can \\n> access (RIME and Libernet).\\n\\nI'll go in for $1000 worth of CNN stock. Is anyone from the NRA listening?\\n\",\n", + " 'From: aa824@cleveland.Freenet.Edu (Mark Ira Kaufman)\\nSubject: Re: Zionist leaders\\' frank statements\\nOrganization: Case Western Reserve University, Cleveland, Ohio (USA)\\nLines: 60\\nNNTP-Posting-Host: thor.ins.cwru.edu\\n\\n\\nElias Davidsson writes...\\n\\nED> dear pete,\\nED> \\nED> for one who is so zionist as you, you should at least know your\\nED> hebrew, young man.\\nED> \\nED> The last sentence in your posting should read:\\nED> \\nED> Medina achat leshnai amim (not Echad medionnot leshtai amim).\\nED> \\nED> I don\\'t want to address your comments. They speak for themselves.\\nED> \\nED> best regards from a Palestinian of Jewish origin who talks, reads and writes\\nED> Hebrew and does not hate Jews nor anybody else. \\nED> \\nED> Elias\\n \\n The above claim that you do not hate anybody may not be quite\\n true. The falsity of this statement is easily visible in the\\n intellectual corruption that dominates everything you post in\\n this group. Your complete lack of objectivity toward Israel, \\n and Jewish identity in general, reveal biases that indicate a\\n great steaming heap of hatred!\\n \\n You certainly have shown a genuine hatred for honesty and for\\n objectivity. You repeatedly post items or quotes removed from \\n their original context so that they can be used to further an \\n agenda of rabid opposition to the very existence of Israel.\\n\\n You have used this dishonest technique to paint a false image \\n of several Israeli leaders. I can\\'t say if you actually HATE\\n these leaders, but the lies and misrepresentations of them do\\n suggest that you have a visceral prejudice against them.\\n \\n So, while you claim that you do not hate anybody, there is an\\n ample body of evidence to suggest that this claim of yours is \\n false. It is obvious that you hate Israel, and it is evident\\n that you hate the Jewish people.\\n\\n And, if you are Jewish, you are a self-hating Jew. There can\\n be no doubt of this. Although you will call upon your Jewish\\n background in an effort to claim the high moral ground, there\\n is no doubt that you would like to see the Jewish people fade\\n away completely, as a people. Your advocacy of intermarriage\\n for the purpose of dissolving the Jewish people is proof that \\n you hate the Jewish people.\\n\\n And by your effort to superimpose the meaninglessness of your\\n own Jewishness on all Jews, you\\'ve clearly demonstrated to me \\n that you hate yourself.\\n \\n * * * *\\n\\n \"Who is a Jew? A person whose integrity decays when unmoved \\n by the knowledge of wrong done to other people.\" \\n \\n A. J. Heschel\\n \\n',\n", + " 'From: ske@pkmab.se (Kristoffer Eriksson)\\nSubject: Re: Science and methodology (was: Homeopathy ... tradition?)\\nKeywords: science errors Turpin NLP\\nOrganization: Peridot Konsult i Mellansverige AB, Oerebro, Sweden\\nLines: 14\\n\\nIn article <1quqlgINN83q@im4u.cs.utexas.edu> turpin@cs.utexas.edu (Russell Turpin) writes:\\n> My definition is this: Science is the investigation of the empirical\\n>that avoids mistakes in reasoning and methodology discovered from previous\\n>work.\\n\\nReading this definition, I wonder: when should you recognize something\\nas being a \"mistake\"? It seems to me, that proponents of pseudo-sciences\\nmight have their own ideas of what constitutes a \"mistake\" and which\\ndiscoveries of such previous mistakes they accept.\\n\\n-- \\nKristoffer Eriksson, Peridot Konsult AB, Stallgatan 2, S-702 26 Oerebro, Sweden\\nPhone: +46 19-33 13 00 ! e-mail: ske@pkmab.se\\nFax: +46 19-33 13 30 ! or ...!mail.swip.net!kullmar!pkmab!ske\\n',\n", + " \"From: mcguire@utkvx.utk.edu (Michael A. McGuire)\\nSubject: Re: 2 questions about the Centris 650's RAM\\nOrganization: University of Tennessee Computing Center\\nX-Newsreader: VersaTerm Link v1.1\\nDistribution: usa\\nLines: 27\\n\\nIn Article <1993Apr16.075822.22121@galileo.cc.rochester.edu>,\\nhlsw_ltd@uhura.cc.rochester.edu (Dave Hollinsworth) wrote:\\n>With a little luck, I could own a C650 sometime in the near future, and\\n>so I was just wondering if someone could clear these two questions up for me:\\n>\\n>1. What speed SIMMS does the C650 need/want? (I know that it needs 80ns\\n>VRAM...not sure for the main RAM.)\\n>\\n\\n60ns 72 pin simms.\\n\\n>2. I've heard two conflicting stories about the total expandibility of the\\n>C650's RAM...132 and 136 megs. Which is true? (Perhaps another phrasing\\n>would be better: does the 8 meg version come with all 8 megs on the logic\\n>board, or 4 megs + a 4 meg SIMM?)\\n>\\n2 configs: 4mb & 8mb. In each case the memory is soldered on the board\\nleaving the 4 simm sockets open. 132mb is the total addressable memory for a\\n650.\\n\\n>Just wondering....\\n>\\n\\n\\nMichael A. McGuire, :-)\\nMCGUIRE@UTKVX.UTK.EDU\\nUTCC - User Services\\n\",\n", + " \"From: bgrubb@dante.nmsu.edu (GRUBB)\\nSubject: Re: IDE vs SCSI\\nOrganization: New Mexico State University, Las Cruces, NM\\nLines: 44\\nDistribution: world\\nNNTP-Posting-Host: dante.nmsu.edu\\n\\nwlsmith@valve.heart.rri.uwo.ca (Wayne Smith) writes:\\n>What does a 200-400 meg 5 megs/sec SCSI drive cost?\\nSince the Quadra is the only Mac able to deal with 5MB/s and Hard drives START\\nat 160MB I have NO idea.\\nFor the Mac I have the following {These are ALL external}\\n 20MB $299 {$15/MB}\\n 52MB $379 {$7.3/MB}\\n 80MB $449 {$5.63/MB}\\n120MB $569-$639 {$4.75-$5.33/MB\\n210MB $979-$1029{$4.67-$4.90/MB}\\n320MB $1499-$1549 {$4.68-$4.84/MB}\\n510MB $1999-$2119 ($3.92-$4.31/MB}\\netc\\n\\nSo scsi-1/SCSI-2 for the Mac goes down in price/MB as hard drive size goes\\nup {and I assume the same for the PC world.}\\n\\n>I won't argue that the SCSI standard makes for a good, well implimented\\n>data highway, but I still want to know why it intrinsically better\\n>(than IDE, on an ISA bus) when it comes to multi-tasking OS's when\\n>managing data from a single SCSI hard drive.\\nWell SCSI is ALSO a FLOPPY drive interface. In the Mac {since SCSI is THE\\ninteface for any non-card, non-modem, not-keyboard device} the id 7 is used\\nfor the floppy drive {called CPU in all identifiers.} This allows cross\\ndrive interfacing as fast as the OS, program, CPU, SCSI, and drive can handle \\nit{this shows up best in the Quatra line}.\\nIn the IBM that uses SCSI for the FLOPPY drive this should happen as well.\\nAlso SCSI is NOT just drives but printers, scanners, expandsion cards \\n{this showed up for the Plus as the NuBus 'Cage'}, CD-ROM, etc.\\nIDE seems to be mainly hard drives. As for specs nobody has GIVEN me any\\nand I can't find any. Besides the advertizments call IDE the AT interface\\n{Make of that what you will}\\nSCSI is a jack of all trades and IDE is a master of ONE.\\nThis alone puts SCSI above IDE. SCSI-2 blows IDE out of the water.\\nRemember SCSI was used in high priced machines until about 18 months ago\\n{When the Mac prices came down to Earth} so the Rule of Scale still played\\nand SCSI remained high cost{cheap seems to mean chezzy in the High end\\ncomputer world at times and THIS more than anything else proably kept SCSI\\noff into the statosphere price wise}\\nSCSI came FROM the high end computer world with multitasking OS were the\\nstandard for the most part. Of all the interface NeXT could have used it\\nchoose SCSI. In 16-bit and 32-bit mode SCSI is a multi-tasking OS desined\\ninterface while IDE and 8-bit SCSI are braindead run one program interfaces\\n{at least the way mac use 8-bit SCSI.UGH}\\n\",\n", + " \"From: 55526@brahms.udel.edu (Oliver P Weatherbee)\\nSubject: New Windows drivers for Cirrus GD5426 graphic cards!\\nArticle-I.D.: news.C5x27u.D4F\\nOrganization: University of Delaware\\nLines: 42\\nNntp-Posting-Host: brahms.udel.edu\\n\\n\\nI have uploaded the most recent Windows drivers for the Cirrus GD5426 \\nchip based display cards to the uploads directory at ftp.cica.indiana.edu\\n (file is 5426dr13.zip). They're very recent, I downloaded them from the \\nCirrus BBS (570-226-2365) last night. If you are unable to get them there, \\nemail me and maybe I can upload them to some other sites as well. \\nI have a local bus based card (VL24 Bitblaster from Micron) but I think \\nthe drivers work with ISA cards (or at least includes drivers for them).\\n\\nI found the new drivers to be a significant improvement over the 1.2 version, \\nimproving my graphic winmarks (v3.11) by about 2 million (7.77 to 9.88) \\nalthough this could be the result of intentional benchmark cheating on \\nCirrus's part but I don't think so.\\n\\nFrom Steve Gibson's (columnist for Info World) graphic card comparisons \\n(also found at the cica ftp site under the name winadv.zip) I extracted the \\nfollowing for the sake of comparison:\\n\\n\\t\\t\\t\\t\\t\\t\\tWintach\\n \\t\\tWinbn3.11\\tWord\\tSprsht\\tCad\\tPaint\\tOverall\\nSteve's system:\\n486/33 VLB:\\nATI Graphics Ultra Pro\\t 9.33\\t\\t10.34\\t 20.78\\t8.28\\t14.90\\t 13.58\\n\\nmy system -\\n486sx/33 VLB:\\nVL24 Bitblaster\\t\\t 9.88\\t\\t 8.65\\t 11.71\\t18.84\\t15.40\\t 13.65\\n\\n\\nIts no Viper, but I think its a hell of a deal at about a third of the cost of \\nthe ATI card and when compared to the other cards included in Gibson's review.\\n\\nMicron system owner's, I would be interested to hear your opinions on the \\nDTC 2270VL local bus disk controller. My system came with a Maxtor 7120 \\ndrive (120 MB) and at first was only giving me disk winmarks of about 16 Kb/s, \\nI am now at 22 Kb/s. Is this about as good as it gets? I can't get a Norton's\\nsysinfo disk reading because the contoller intercepts the calls, at \\nleast that was what the program said.\\n\\n\\nOliver Weatherbee\\noliver@earthview\\n\",\n", + " 'From: donb@netcom.com (Don Baldwin)\\nSubject: Re: FYI - BATF reply on Waco\\nOrganization: Netcom Online Communications Services (408-241-9760 login: guest)\\nLines: 43\\n\\nIn article dgw@elite.intel.com (Dennis Willson) \\nwrites:\\n>On March 8, I sent strongly worded letters critisizing the BATF in\\n>their handling of the Randy Weaver and Branch Davidian cases to \\n>several politicians (Ore. Senators Bob Packwood and Mark Hatfield,\\n>Representative Elizabeth Furse and Treasury Secretary Lloyd Bentsen).\\n>While I have never been a supporter of Bob Packwood, I must admit\\n>that he seems to be the only one who has done anything but round-file\\n>my letter.\\n\\nWell, I didn\\'t bother writing to Boxer, Feinstein or Eshoo, the terrible\\ntrio who allegly represent me. Instead, I wrote to Bentsen. My letter\\nwas not exactly strongly-worded; I simply stated that the BATF approach\\nwas immoral (military-style assault, firing into a house where they knew\\nthere were kids).\\n\\nAparently, Bentsen forwarded my letter to the BATF and they responded to \\nme directly. It follows the text of your reply pretty closely. However,\\nI intend to send another letter directly to them, in return.\\n\\n>Prior to the service of the Federal search warrant, numerous efforts\\n>were made to locate and effect the arrest of David Koresh away from the\\n>compound. These efforts were unsuccessful. Even if David Koresh had\\n>been arrested while away from the compound, action would have been\\n>required against his followers (who are just as violent as he) during\\n>the subsequent search of the premises.\\n\\nThis section is not in the letter that I received. The parts about ATF\\nlogo and steenking badges or their loss of the element of surprise\\nwere not included, either.\\n\\n> Sincerely yours,\\n>\\n> Daniel M. H??l??tt [can\\'t make out signature]\\n> Deputy Director\\n\\nThe same guy with the bad handwriting apparently signed my letter, \"for\\nRichard L. Garner; Chief, Special Operations Division\".\\n\\n don\\n\\n\\n\\n',\n", + " 'From: smith@ctron.com (Lawrence C Smith)\\nSubject: Re: Welcome to Police State USA\\nOrganization: Cabletron Systems, Inc.\\nLines: 72\\nDistribution: world\\nReply-To: smith@ctron.com\\nNNTP-Posting-Host: glinda.ctron.com\\n\\nIn article , hallam@dscomsa.desy.de (Phill Hallam-Baker) writes:\\n\\n>The above conveniently ignores the murder of four BATF agents by the\\n>Branch Davidians in an unprovoked ambush.\\n\\nThat has not been demonstrated. Had he come to trial, there was a very real\\npossibility that Koresh would have gotten an acquittal on grounds of self-\\ndefense. All survivors of the debacle have sworn that the BATF shot first.\\n\\n>Any government that allows tinpot dictators to set up shop and declare\\n>a private state has drifted into anarchy. There are laws to control\\n>the ownership of guns and the BATF had good reason to beleive that\\n>they were being violated. They set out to obtain a legal warrant and \\n>attempted to serve it only to be met with gunfire when they rang\\n>the doorbell.\\n\\nThey \"rang the doorbell\" using a concussion grenade! And if the bloody\\nwarrants were \"legal\" then why were they _sealed_ after the fight started?\\nAnd if Koresh had declared himself a \"private state\" and was just daring the\\ngov\\'t to go in, then why did he surrender last year to a local sheriff who\\nserved a warrant _for_his_arrest_ (as opposed to the BATF search warrant,\\nwhich did not include arrest unless violations were found) by just calling\\nhim up to tell him and then going out to collect him with his squad car?\\nThat doesn\\'t sound like a dictator to me, it sounds like someone who knows\\nhe has a court battle. Things might have gone very differently if the BATF\\n_had_ \"rung the doorbell\".\\n\\n>The paranoid assertion that the BATF fired first in an unprovoked\\n>assault assumes that the BATF were on a death wish. Had they\\n>expected the B-D to be anything other than peacefull citizens who\\n>would accept a search authorized by a court they would have turned up\\n>in a tank and broken the door down on day one.\\n\\nThis is stupid. That is no paranoid assertion, it is testamony from surviving\\nwitnesses, and the BATF _has_ no tanks, nor am I aware of either the BATF _or_\\nthe FBI using any until yesterday. When they use maximum force they do just\\nwhat they did that first day that got four officers killed.\\n\\n>The stupidity was the attempt to serve a warant on the place by\\n>ludicrously underarmed and unprotected police. \\n\\n\"Underarmed\"? You flabberghast me, they were loaded for bear and every\\npicture shows them wearing bullet-proof vests! They were using concussion\\ngrenades and full-auto weapons, what was missing low-yield tac-nukes? This\\nis a transparent attempt to retcon a justification for the ridiculous amount\\nof force used, both initially and yesterday. You should be ashamed.\\n\\n>If anyone on the net cares to suggest a sure fire method of bringing\\n>the murderes of four police officers to justice perhaps we could\\n>hear it.\\n\\nThey _had_ a sure-fire method: keep them bottled up and talk them to death or\\nsurrender without giving him justification for some looney-tune religious\\nstunt.\\n\\nPhil, I\\'ve been reading your postings for months and I\\'m convinced that you\\nwill back anything, no matter how damaging it may be to yours or anyone\\nelse\\'s rights if you think it will hurt people you don\\'t like. It\\'s people\\nwith that attitude that set up the preconditions for the Holocaust, a process\\nthat is in place _now_ in this country, even if the tattered, pitiful remains\\nof the Constitution is slowing its progress. This isn\\'t a Libertarian issue,\\nothers may argue that line, but from a strictly Constitutional view of a\\ndemocratic gov\\'t, what the FBI and BATF did was wrong, wrong, wrong, even if\\ntheir _reasons_ for trying to arrest Koresh were 100% right. _Anything_ that\\nleads to the deaths of 17 children, if nothing else touches your stoney\\nheart, is _wrong_ no matter who pushed the button. For God\\'s sake, man, get\\nyour morality back.\\n\\nLarry Smith (smith@ctron.com) No, I don\\'t speak for Cabletron. Need you ask?\\n-\\nLiberty is not the freedom to do whatever we want,\\nit is the freedom to do whatever we are able.\\n',\n", + " 'From: hannguye@nosc.mil (Han N. Nguyen)\\nSubject: Action Translation Table implementation\\nOrganization: Naval Ocean Systems Center, San Diego, CA\\nDistribution: usa\\nLines: 51\\n\\n\\nHello,\\n\\n\\nOur application requires us to capture keypad presses for all windows\\nin a number of applications. We are trying to use action translation\\ntables to implement this. We have only succeeded by assigning the\\ntranslation table to every individual widget in all windows in a single\\napplication. The Xt calls we make are included below.\\n\\nIt would be much more convenient if we could assign the translation\\ntable to a class of widgets rather than individual widget instantiations,\\nand also accomplish it for MULTIPLE applications. If someone could\\ndescribe how do this it would be greatly appreciated.\\n\\nPlatform: Sun Sparc w/ X11R4 & Motif 1.1.4\\n\\n***********************************************************************\\n\\nstatic XtActionsRec actionsTable[] = {\\n {\"up\", do_up},\\n {\"right\", do_right},\\n {\"middle\", do_middle},\\n {\"left\", do_left},\\n {\"down\", do_down},\\n\\t{\"bye\", quit},\\n};\\n\\nstatic char defaultTranslations[] = \\n\\t\\t\"KP_8: up() \\\\n\\\\\\n\\t\\t KP_6: right() \\\\n\\\\\\n\\t\\t KP_5: middle() \\\\n\\\\\\n\\t\\t KP_4: left() \\\\n\\\\\\n\\t\\t KP_2: down() \\\\n\\\\\\n\\t\\t KP_1: bye()\"; \\n\\nXtTranslations\\ttrans_table, trans_table2;\\n\\n(. . .)\\n\\n XtAddActions(actionsTable, XtNumber(actionsTable));\\n trans_table = XtParseTranslationTable(defaultTranslations);\\n\\n widget = XtCreateManagedWidget(\"msg\", xmPushButtonWidgetClass,\\n\\t\\tform, wargs, n);\\n\\n XtOverrideTranslations(widget, trans_table);\\n\\n***********************************************************************\\n\\n\\n',\n", + " \"From: channui@austin.ibm.com (Christopher Chan-Nui)\\nSubject: Re: Two pointing devices in one COM-port?\\nReply-To: channui@austin.ibm.com\\nOrganization: IBM Austin\\nX-Newsreader: TIN [version 1.1 PL9]\\nLines: 22\\n\\nBob Davis (sonny@trantor.harris-atd.com) wrote:\\n: In article , wil@shell.portal.com (Ville V Walveranta) writes:\\n: |> \\n: |> Is there any way to connect two pointing devices to one serial\\n: |> port? I haven't tried this but I believe they would interfere\\n: |> with each other (?) even if only one at a time would be used.\\n\\n: \\tJust get an A-B switch for RS232. Look in Computer Shopper.\\n: They are available fairly cheap. They allow switching between two\\n: serial devices on a single port.\\n\\nUnfortunately the poster wants to use an internal and an external modem so a\\nswitch isn't going to help them. If you aren't using your com ports for\\nanything else, just define them on different com ports. Define your internal\\nmodem to be say, com1, and your external modem to be com3. You really\\nshouldn't have to worry about interrupt conflicts since you won't be using\\nboth modems at the same time :).\\n\\n---\\nChristopher Chan-Nui | Investment in reliability will increase until it\\nchannui@austin.ibm.com | exceeds the probable cost of errors, or until someone\\n#include | insists on getting some useful work done.\\n\",\n", + " \"From: DBOHDAL@JAGUAR.ESS.HARRIS.COM\\nSubject: Icon Box\\nOrganization: The Internet\\nLines: 9\\nNNTP-Posting-Host: enterpoop.mit.edu\\nTo: xpert@expo.lcs.mit.edu\\nCc: DBOHDAL@expo.lcs.mit.edu\\n\\nDear Xperts:\\n\\n I want to place a specific group of icons in an icon box and\\nhave my other icons appear outside of the box. Does anyone\\nknow if there's a way I can do this?? I'm using X11R5 and\\nMotif 1.2.1.\\n\\nThanks!\\ndbohdal@jaguar.ess.harris.com\\n\",\n", + " 'From: Rupin.Dang@dartmouth.edu (Rupin Dang)\\nSubject: Panasonic answering machine forsale\\nOrganization: Dartmouth College, Hanover, NH\\nLines: 3\\n\\nAuto Logic Panasonic answering machine with dual cassette system. I will\\ninclude cassettes and AC power adaptor. Excellent condition. Asking $30 with\\naccessories.\\n',\n", + " 'From: R1328@vmcms.csuohio.edu\\nSubject: Re: CLINTON JOINS LIST OF GENOCIDAL SOCIALIST LEADERS\\nOrganization: CSU\\nLines: 64\\n\\nIn article <1r5rnn$rdt@usenet.INS.CWRU.Edu>\\nbu008@cleveland.Freenet.Edu (Brandon D. Ray) writes:\\n \\n>\\n>In a previous article, nomad@ecst.csuchico.edu (Michael Larish) says:\\n>\\n>>In article <1r00ug$d60@btr.btr.com> michaelh@public.btr.com (Michael Hahn michaelh@btr.com) writes:\\n>>>A partial list of excellent socialist visionaries and the tolls they\\'ve\\n>>>taken of unpopular religious/ethnic/social groups.\\n>>>\\n>>>Mao Tse-Tung\\t\\tMillions Killed\\n>>>J. Stalin\\t\\t\\tMillions Killed\\n>>>A. Hitler\\t\\t\\tMillions Killed\\n>>>Pol Pot\\t\\t\\t\\t100,000s Killed?\\n>>>W. J. Clinton\\t\\t~100 Killed, but relax-he\\'s only had a hundred or so days.\\n>>\\n>>\\tYou people are rather amusing in a perverse sort of way. You take\\n>>a tragic/unpleasant situation that you feel is a terrible injustace, and\\n>>assign blame to anybody and everybody with or without a link to the incident\\n>>simply because they don\\'t fit your extremely narrow definition of good.\\n>>\\n>>\\tHow is Clinton responsible? It was a law enforcement action.\\n>>Granted, it was a nationally covered incident but Clinton had no more to\\n>>do with the outcome than Fred Flintstone.\\n>>\\n>Perhaps you\\'ve been under a rock the last few days? The BATF and the FBI\\n>are both federal agencies. Clinton has admitted in front of news cameras\\n>that Janet Reno (the once and future Attorney General) gave him a full\\n>briefing of what was planned *before* they did it, and he gave her the\\n>go ahead.\\n>\\n>Maybe, just possibly, that makes him a *teensy* bit responsible?\\n>\\n>>--\\nThe FBI, CIA, BATF, etc. ARE federal agencies, you are correct. But to\\nthink there is a visible and clear chain of command up to the Prez, and\\nthat these agencies inform Reno who informs Clinton, etc. is naive. These\\nagencies operate as distinct and seperate entities and while they have\\nultimate accountability to the Prez, they make their own moves, and then\\ntell the Prez, who says, \"I knew all along\". While this may not seem right,\\nor it may not fit our idealistic need to see a structured chain of command\\nleading to the White House, thats the way it is. Bureaucracys are not, after\\nall, composed of 3 or 4 people who talk on a regular basis, have lunch, and\\nmaybe golf together. I do agree, the FBI, BATF messed up. I\\'m not sure if\\nthey should have stormed the compound or not. By the way, Jehova Witnesses\\nare a religious minority in this country. Protestantism is a minority\\nreligion in the World. BDs were a cult by all definitions and history of\\ncults. To say this is not to persecute a religious or ethnic enclave.\\nKoresh said he was the Messiah. I was raised a Baptist, although I do\\nnot practice the religion and do not think that the Big Guy upstairs is\\ndigging the divisiveness, closemindedness, and right-wing morons that are\\nassociated with the religion. Anyway, the Messiah that I was taught about\\nwould not be carrying a gun, let alone stockpiling weapons. You can doubt\\nBATF reports all you want, David Koresh was not a poor soul who was\\nunjustly persecuted. While some of the information coming from the U.S\\ngovernment is being exagerated so as keep public opinion on their side, I\\ndo believe that some of the things that former cult members have said\\nare true. Anyway, this is just another excuse to try and blame President\\nClinton for something. People who attempt to do this for political motives\\nshould be ashamed. THEY are the ones who are keeping this country from\\nreaching its full potential.\\n \\n \\n \\n',\n", + " 'From: snail@lsl.co.uk\\nSubject: MOTIF & X on Windows NT\\nOrganization: Laser-Scan Ltd., Cambridge\\nLines: 16\\n\\nIn article <1993Apr7.044749.11770@topgun>, smikes@topgun (Steven Mikes) writes:\\n> Another company, Congruent Corporation of New York City, has also ported Xlib\\n> Xt and Motif 1.1 over to MS Windows NT, which provides full client development\\n> for X applications in an NT environment.\\n\\nCould someone please send me the postal and email address of\\nCongruent Corporation (and any competitors they may have).\\n\\nThank you.\\n-- \\nsnail@lsl.co.uk \\n\\n\"Washing one\\'s hands of the conflict between the powerful and the powerless\\n means to side with the powerful, not to be Neutral.\"\\n Quote by Freire.\\n Poster by OXFAM.\\n',\n", + " 'From: bear@kestrel.fsl.noaa.gov (Bear Giles)\\nSubject: How do they know what keys to ask for? (Re: Clipper)\\nOrganization: Forecast Systems Labs, NOAA, Boulder, CO USA\\nLines: 24\\n\\n\\nThis may be a stupid question, but how does the government know which keys\\nto ask for?\\n\\nWill owners be required to REGISTER their phones, faxes, modems, etc.,\\nand inform the government when they are moved to a different phone number?\\nWill there be penalities if the public does not do this? Will identification\\n(the National Health Care ID, perhaps) be required when purchasing a\\nClipper-equipted phone?\\n\\nOr will each chip transmit identifying information at the start of\\na conversation? Identification which could be used to automatically\\nlog who calls whom? (The _phone_ company keeps records, but this \\ninformation would be accessable by a well-placed van near a microwave\\nrelay station).\\n\\nThis raises the question of how the two phones agree on a communications\\nencryption key. Will it be something that is derived from information\\nexchanged at the start of the conversation -- and hence derivable by\\nan eavesdropper?\\n\\n-- \\nBear Giles\\nbear@fsl.noaa.gov\\n',\n", + " 'From: db7n+@andrew.cmu.edu (D. Andrew Byler)\\nSubject: Re: Serbian genocide Work of God?\\nOrganization: Freshman, Civil Engineering, Carnegie Mellon, Pittsburgh, PA\\nLines: 61\\n\\nVera Shanti Noyes writes;\\n\\n>this is what indicates to me that you may believe in predestination.\\n>am i correct? i do not believe in predestination -- i believe we all\\n>choose whether or not we will accept God\\'s gift of salvation to us.\\n>again, fundamental difference which can\\'t really be resolved.\\n\\nOf course I believe in Predestination. It\\'s a very biblical doctrine as\\nRomans 8.28-30 shows (among other passages). Furthermore, the Church\\nhas always taught predestination, from the very beginning. But to say\\nthat I believe in Predestination does not mean I do not believe in free\\nwill. Men freely choose the course of their life, which is also\\naffected by the grace of God. However, unlike the Calvinists and\\nJansenists, I hold that grace is resistable, otherwise you end up with\\nthe idiocy of denying the universal saving will of God (1 Timothy 2.4). \\nFor God must give enough grace to all to be saved. But only the elect,\\nwho he foreknew, are predestined and receive the grace of final\\nperserverance, which guarantees heaven. This does not mean that those\\nwithout that grace can\\'t be saved, it just means that god foreknew their\\nobstinacy and chose not to give it to them, knowing they would not need\\nit, as they had freely chosen hell.\\n\\t\\t\\t\\t\\t\\t\\t ^^^^^^^^^^^\\nPeople who are saved are saved by the grace of God, and not by their own\\neffort, for it was God who disposed them to Himself, and predestined\\nthem to become saints. But those who perish in everlasting fire perish\\nbecause they hardened their heart and chose to perish. Thus, they were\\ndeserving of God;s punishment, as they had rejected their Creator, and\\nsinned against the working of the Holy Spirit.\\n\\n>yes, it is up to God to judge. but he will only mete out that\\n>punishment at the last judgement. \\n\\nWell, I would hold that as God most certainly gives everybody some\\nblessing for what good they have done (even if it was only a little),\\nfor those He can\\'t bless in the next life, He blesses in this one. And\\nthose He will not punish in the next life, will be chastised in this one\\nor in Purgatory for their sins. Every sin incurs some temporal\\npunishment, thus, God will punish it unless satisfaction is made for it\\n(cf. 2 Samuel 12.13-14, David\\'s sin of Adultery and Murder were\\nforgiven, but he was still punished with the death of his child.) And I\\nneed not point out the idea of punishment because of God\\'s judgement is\\nquite prevelant in the Bible. Sodom and Gommorrah, Moses barred from\\nthe Holy Land, the slaughter of the Cannanites, Annias and Saphira,\\nJerusalem in 70 AD, etc.\\n\\n> if jesus stopped the stoning of an adulterous woman (perhaps this is\\nnot a >good parallel, but i\\'m going to go with it anyway), why should we\\nnot >stop the murder and violation of people who may (or may not) be more\\n>innocent?\\n\\nWe should stop the slaughter of the innocent (cf Proverbs 24.11-12), but\\ndoes that mean that Christians should support a war in Bosnia with the\\nU.S. or even the U.N. involved? I do not think so, but I am an\\nisolationist, and disagree with foreign adventures in general. But in\\nthe case of Bosnia, I frankly see no excuse for us getting militarily\\ninvolved, it would not be a \"just war.\" \"Blessed\" after all, \"are the\\npeacemakers\" was what Our Lord said, not the interventionists. Our\\nactions in Bosnia must be for peace, and not for a war which is\\nunrelated to anything to justify it for us.\\n\\nAndy Byler\\n',\n", + " 'From: mcgoy@unicorn.acs.ttu.edu (David McGaughey)\\nSubject: Re: THE POPE IS JEWISH!\\nOrganization: Texas Tech University\\nLines: 12\\n\\nwest@next02cville.wam.umd.edu (Stilgar) writes:\\n> THE POPE IS JEWISH\\n\\nI always thought that the Pope was a bear.\\n\\nYou know, because of that little saying:\\n\\nDoes a bear shit in the woods?\\nIs the Pope Catholic?\\n\\nThere MUST be SOME connection between those two lines!\\n\\n',\n", + " 'From: uk02183@nx10.mik.uky.edu (bryan k williams)\\nSubject: Re: CView answers\\nKeywords: Stupid Programming\\nNntp-Posting-Host: nx10.mik.uky.edu\\nOrganization: University of Kentucky\\nLines: 4\\n\\nWell, the temp file thing creates an obvious problem: it is impossible to use\\ncview for viewing CD-ROM based picture collections. And it is the ONLY non-\\nwindows viewer that works properly with my Cirrus-based 24 bit VGA.\\n\\n',\n", + " \"From: Clinton-HQ@Campaign92.Org (Clinton/Gore '92)\\nSubject: CLINTON: War Powers Resolution on Bosnia 4.14.93\\nOrganization: Project GNU, Free Software Foundation,\\n 675 Mass. Ave., Cambridge, MA 02139, USA +1 (617) 876-3296\\nLines: 102\\nNNTP-Posting-Host: life.ai.mit.edu\\n\\n\\n\\n THE WHITE HOUSE\\n \\n Office of the Press Secretary\\n \\n _______________________________________________________________\\n \\n For Immediate Release\\t \\t \\t April 14, 1993\\n \\n \\n TEXT OF A LETTER FROM THE PRESIDENT\\n TO THE SPEAKER OF THE\\n HOUSE OF REPRESENTATIVES AND\\n THE PRESIDENT PRO TEMPORE OF THE SENATE\\n \\n \\n April 13, 1993\\n \\n \\n Dear Mr. Speaker: (Dear Mr. President:)\\n \\n As part of my continuing effort to keep the Congress fully \\n informed, I am providing this report, consistent with section 4 \\n of the War Powers Resolution, to advise you of actions that I \\n have ordered in support of the United Nations efforts in \\n Bosnia-Herzegovina.\\n \\n Beginning with U.N. Security Council Resolution 713 of \\n September 25, 1991, the United Nations has been actively \\n addressing the crisis in the former Yugoslavia. The Security \\n Council acted in Resolution 781 to establish a ban on all \\n unauthorized military flights over Bosnia-Herzegovina. There \\n have, however, been blatant violations of the ban, and villages \\n in Bosnia have been bombed.\\n \\n In response to these violations, the Security Council decided, \\n in Resolution 816 of March 31, 1993, to extend the ban to all \\n unauthorized flights over Bosnia-Herzegovina and to authorize \\n Member States, acting nationally or through regional organi-\\n zations, to take all necessary measures to ensure compliance. \\n NATO's North Atlantic Council (NAC) agreed to provide NATO air \\n enforcement for the no-fly zone. The U.N. Secretary General \\n was notified of NATO's decision to proceed with Operation DENY \\n FLIGHT, and an activation order was delivered to participating \\n allies.\\n \\n The United States actively supported these decisions. At my \\n direction, the Joint Chiefs of Staff sent an execute order to \\n all U.S. forces participating in the NATO force, for the conduct \\n of phased air operations to prevent flights not authorized by \\n the United Nations over Bosnia-Herzegovina. The U.S. forces \\n initially assigned to this operation consist of 13 F-15 and \\n 12 F-18A fighter aircraft and supporting tanker aircraft. \\n These aircraft commenced enforcement operations at 8:00 a.m. \\n e.d.t. on April 12, 1993. The fighter aircraft are equipped for \\n combat to accomplish their mission and for self-defense.\\n \\n NATO has positioned forces and has established combat air \\n patrol (CAP) stations within the control of Airborne Early \\n Warning (AEW) aircraft. The U.S. CAP aircraft will normally \\n operate from bases in Italy and from an aircraft carrier in the \\n Adriatic Sea. Unauthorized aircraft entering or approaching \\n the no-fly zone will be identified, interrogated, intercepted, \\n escorted/monitored, and turned away (in that order). If these \\n steps do not result in compliance with the no-fly zone, such \\n aircraft may be engaged on the basis of proper authorization by \\n NATO military authorities and in accordance with the approved \\n \\n more\\n \\n \\t \\t \\t \\t \\t \\t (OVER)\\n\\x0c\\n 2\\n \\n rules of engagement, although we do not expect such action will \\n be necessary. The Commander of UNPROFOR (the United Nations \\n Protection Force currently operating in Bosnia-Herzegovina) was \\n consulted to ensure that his concerns for his force were fully \\n considered before the rules of engagement were approved.\\n \\n It is not possible to predict at this time how long such \\n operations will be necessary. I have directed U.S. armed forces \\n to participate in these operations pursuant to my constitutional \\n authority as Commander in Chief. I am grateful for the con-\\n tinuing support that the Congress has given to this effort, and \\n I look forward to continued cooperation as we move forward \\n toward attainment of our goals in this region.\\n \\n \\t \\t \\t \\tSincerely,\\n \\n \\n \\n \\n \\t \\t \\t \\tWILLIAM J. CLINTON\\n \\n \\n \\n \\n # # #\\n \\n\\n\",\n", + " \"From: etxmst@sta.ericsson.se (Markus Strobl 98121)\\nSubject: Re: Photo radar (was Re: rec.autos: Frequently\\nNntp-Posting-Host: st83.ericsson.se\\nReply-To: etxmst@sta.ericsson.se\\nOrganization: Ericsson Telecom AB\\nLines: 50\\n\\nIn article 2211@viewlogic.com, brad@buck.viewlogic.com (Bradford Kellogg) writes:\\n>\\n>In article <1993Mar20.050303.8401@cabot.balltown.cma.COM>, welty@cabot.balltown.cma.COM (richard welty) writes:\\n>\\n>|> Q: What is Ka band radar? Where is it used? Should a radar detector be\\n>|> able to handle it? \\n>|> \\n>|> A: Ka band has recently been made available by the FCC for use in the US\\n>|> in so-called photo-radar installations. In these installations, a\\n>|> low-powered beam is aimed across the road at a 45 degree angle to the\\n>|> direction of traffic, and a picture is taken of vehicles which the\\n>|> radar unit determines to have been in violation of the speed limit.\\n>|> Tickets are mailed to the owner of the vehicle. Because of the low\\n>|> power and the 45 degree angle, many people believe that a radar\\n>|> detector cannot give reasonable warning of a Ka band radar unit,\\n>|> although some manufacturers of radar detectors have added such\\n>|> capability anyway. The number of locales where photo-radar is in use\\n>|> is limited, and some question the legality of such units. Best advice:\\n>|> learn what photo radar units look like, and keep track of where they\\n>|> are used (or else, don't speed.)\\n>\\n>Photo radar and mailed tickets make no sense at all. Speeding is a moving \\n>violation, committed by the operator, not the owner. The owner may be a \\n>rental agency, a dealer, a private party, or a government agency. As long\\n>as the owner has no reason to expect the operator will be driving illegally\\n>or unsafely, the owner cannot be held responsible for what the operator does.\\n>The car may even have been driven without the owner's knowledge or consent. \\n>I can't believe a mailed ticket, where the driver is not identified, would \\n>stand up in court. This is obviously a lazy, cynical, boneheaded, fascist \\n>way to extort revenue, and has nothing to do with public safety.\\n>\\n>- BK\\n>\\n\\n\\nWe had those f*****g photo-radar things here in Sweden a while ago.\\nThere was a lot of fuzz about them, and a lot of sabotage too (a spray-can\\nwith touch-up paint can do a lot of good...).\\n\\nEventually they had to drop the idea as there were a lot of court-cases\\nwhere the owner of the car could prove he didn't drive it at the time\\nof speeding.\\n\\nI especially recall a case where it eventually proved to be a car-thief that\\nhad stolen a car and made false plates. He, ofcourse, chose a license number\\nof a identical car, so the photo seemed correct...\\n\\nIn conclosion: Photo-radar sucks, every way you look at it!\\n\\n/ Markus \\n\",\n", + " 'From: rim@bme.ri.ccf.org (Robert M. Cothren)\\nSubject: widget for displaying images\\nNntp-Posting-Host: marvin\\nOrganization: The Cleveland Clinic Foundation, Cleveland, OH\\nDistribution: na\\nLines: 12\\n\\nBefore I try to teach myself how to write a widget and (perhaps)\\nre-invent the wheel...\\n\\nIs there a PD widget that displays (for example) an 8-bit grey-level\\nimage in the same fashion that the Athena Plotter Widget can be used\\nto display a plot?\\n\\n--\\n----Robert M. Cothren, PhD--------------------------rim@bme.ri.ccf.org----\\n Department of Biomedical Engineering\\n The Cleveland Clinic Foundation voice: 216 445-9305\\n----Cleveland, Ohio----------------------------------fax: 216 444-9198----\\n',\n", + " \"From: Thomas Kephart \\nSubject: Need help installing a simms in 700, quick!\\nOrganization: Case School of Engineering\\nLines: 5\\nDistribution: world\\nNNTP-Posting-Host: b62182.student.cwru.edu\\nX-UserAgent: Nuntius v1.1.1d20\\nX-XXMessage-ID: \\nX-XXDate: Sat, 17 Apr 93 19:44:11 GMT\\n\\nCould someone please send instructions for installing simms and vram to \\njmk13@po.cwru.edu? He's just gotten his 700 and wants to drop in some \\nextra simms and vram that he has for it.\\n\\nThanks... and don't reply to me, reply to jmk13@po.cwru.edu (Joe)\\n\",\n", + " \"From: Clinton-HQ@Campaign92.Org (The White House)\\nSubject: CLINTON: Fact Sheet on Russian Statement 4.23.93\\nOrganization: MIT Artificial Intelligence Lab\\nLines: 167\\nNNTP-Posting-Host: life.ai.mit.edu\\n\\n\\n\\n\\n The White House\\n\\n\\n Office of the Press Secretary\\n\\n---------------------------------------------------------------\\nFor Immediate Release April 23, 1993\\n\\n\\n\\n Background Information:\\n\\n Advancing U.S. Relations \\n with Russia and the other New Independent States \\n\\n April 23, 1993\\n\\n\\nAt the Vancouver summit, President Clinton and President Yeltsin \\nagreed to pursue a number of measures designed to implement an \\neconomic and strategic partnership between the U.S. and Russia. \\nSince then, President Clinton has directed that a number of steps \\nbe taken to move this process forward. The Administration is \\nannouncing a number of steps today in order to underscore its \\ndeep commitment to a new and closer partnership with Russia based \\non its government's commitment to reform.\\n\\n\\nExecutive Review of Cold War Laws\\n\\nPresident Clinton and President Yeltsin discussed the \\ndesirability of reviewing and updating U.S. laws and regulations \\nto reflect the end of the Cold War. Congress has already acted \\nto revise many laws to reflect the fact that a communist Soviet \\nUnion has been replaced by a democratic Russia and other \\nindependent states. However, many laws and regulations remain \\nthat contain language and restrictions that fail to reflect the \\nend of the Cold War and that unnecessarily undermine relations \\nwith Russia and the other new independent states.\\n\\nThe President today has ordered an Executive review of laws and \\nregulations so that, where appropriate and consistent with U.S. \\nsecurity and other national interests, such provisions can be \\nrevised or removed. He has asked Ambassador-at-large Strobe \\nTalbott to coordinate this review on an expedited basis. The \\nPresident has indicated that he will welcome congressional \\nefforts to help this review proceed as quickly as possible.\\n\\nThis review will weigh all considerations that pertain to \\nrevision of such provisions, and the initiation of the review may \\nhelp to remedy some of the circumstances that have justified such \\nprovisions in the past. For example, because the Russians are \\neager to have their status changed under the Jackson-Vanik \\nlegislation, President Yeltsin personally assured President \\nClinton in Vancouver that he would look into individual cases \\ninvolving continuing restrictions on emigration from Russia. By \\naddressing such issues, this review can help strengthen the bonds \\nof trust and partnership between the U.S. and Russia, and between\\nthe U.S. and the other new independent states.\\n\\n\\nReview of COCOM\\n\\nIt is also time to consider expeditiously with America's allies \\nthe future of another Cold War institution -- the Coordinating \\nCommittee for Multilateral Export Controls (COCOM). The United \\nStates has begun a thorough review of how to reorient export \\ncontrols to the post-Cold War world, in which Russia is no longer \\nviewed as a potential adversary, but as a potential ally in \\ncombatting the proliferation of sensitive technology.\\n\\nSteps to Improve the Security Relationship\\n\\nThe President also has taken steps to move ahead on a range of \\nefforts discussed in Vancouver that can strengthen U.S. security \\nand improve our security relationship with the Russians and the \\nother states.\\n\\n\\nAccelerated Deactivation of Nuclear Weapons\\n\\nIn Vancouver, the two Presidents discussed accelerating the \\nprocess of deactivating nuclear strategic systems scheduled for \\nelimination under the START I Treaty. President Clinton has \\ndirected the Department of Defense to complete this process well \\nin advance of the seven year reduction period outlined in START \\nI. In addition, the United States, together with Russia and the \\nother relevant states of the former Soviet Union, will be \\nexploring programs under Nunn-Lugar to help them to accelerate \\nthis process.\\n\\n\\nMultilateral Test Ban\\n\\nThe two Presidents agreed at Vancouver that negotiations on a \\nmultilateral nuclear test ban should commence at an early date, \\nand that the two governments would consult with each other \\naccordingly. The United States looks forward to beginning \\nconsultations with Russia, our allies, and other states, on the \\nspecific issues related to this negotiation. The United States \\nexpects to start this consultative process within the next two \\nmonths. \\n\\n\\nDetargeting\\n\\nThe two Presidents also began a dialogue on the issue of nuclear \\ntargeting at Vancouver. As the United States and Russia move \\ninto a new relationship of strategic partnership, there is a need \\nto reexamine many of the assumptions and means employed in the \\npast to safeguard U.S. security against a nuclear adversary. The \\nAdministration is beginning a comprehensive review of measures \\nthat could enhance strategic stability, including recent \\nproposals for detargeting nuclear missiles. \\n\\nOther Measures to Create a New Security Relationship\\n\\nIn response to the incident involving a collision between US and \\nRussian submarines last month, Secretary Aspin will be ready to \\ndiscuss ways to avoid such incidents in the future with Russian \\nDefense Minister Grachev during his visit to the United States in \\nlate May.\\n\\nSecretary Aspin will also be prepared to move forward with \\nDefense Minister Grachev in May to develop a combined training \\nprogram between our two military forces and to prepare for joint \\nexercises in peacekeeping, such as that authorized by the UN \\nSecurity Council. The United States looks forward to broadening \\nsuch training and exercises to include other peacekeeping \\ncontributors, in order to improve inter-operability, readiness, \\nand planning for multilateral peacekeeping operations. The US \\nand Russia are working together to convene a May Ministerial \\nMeeting of the UN Security Council to discuss proposals for \\nenhancing the UN's peacekeeping capability and to move \\nconsideration of the Secretary-General's Agenda for Peace from \\nthe discussion to the implementation phase. The U.S. is also \\nworking with the Russians to focus specifically on improvements \\nin the financing and management of UN operations. The purpose of \\nthese initiatives will be to cooperate on peacekeeping for our \\nparticipation in UN or CSCE sponsored actions.\\n\\n\\nMultilateral and Bilateral Partnership with Reform\\n\\nFinally, the Administration continues to move ahead on a range of \\ninitiatives aimed at striking a partnership with economic and \\npolitical reformers throughout Russia and the other states. The \\nAdministration is continuing work with our G-7 partners to \\nassemble the package of multilateral assistance that Secretaries \\nBentsen and Christopher recently negotiated in Tokyo. And the \\nAdministration is continuing consultation with Congress over the \\nfurther efforts the U.S. will take to assist the process of \\nreform in Russia and the other states.\\n\\n * * *\\n\\nThe Administration believes these steps can increase American \\nsecurity while improving the relationship between the U.S. and \\nRussia, and between the U.S. and the other new independent \\nstates.\\n\\n -30-\\n\\n\\n\",\n", + " \"From: d_jaracz@oz.plymouth.edu (David R. Jaracz)\\nSubject: Re: Octopus in Detroit?\\nOrganization: Plymouth State College - Plymouth, NH.\\nLines: 16\\n\\nIn article <93106.092246DLMQC@CUNYVM.BITNET> Harold Zazula writes:\\n>I was watching the Detroit-Minnesota game last night and thought I saw an\\n>octopus on the ice after Ysebaert scored to tie the game at two. What gives?\\n\\nNo no no!!! It's a squid! Keep the tradition alive! (Kinda like the\\nfish at UNH games....)\\n\\n>(is there some custom to throw octopuses on the ice in Detroit?)\\n>-------\\n>Not Responsible -- Dain Bramaged!!\\n>\\n>Harold Zazula\\n>dlmqc@cunyvm.cuny.edu\\n>hzazula@alehouse.acc.qc.edu\\n\\n\\n\",\n", + " 'From: Wales.Larrison@ofa123.fidonet.org\\nSubject: Re: Clementine mission name\\nX-Sender: newtout 0.08 Feb 23 1993\\nLines: 27\\n\\nMark Prado\\n \\n>Please go just one step further:\\n>How has the word \"Clementine\" been associated with mining?\\n \\nOld pioneer song from the 1850\\'s or so goes as follows:\\n \\n \"In a cavern, in a canyon,\\n Excavating for a mine,\\n Dwelt a miner, forty-niner,\\n And his daughter, CLEMENTINE\"\\n \\nChorus:\\n \"Oh my darling, Oh my darling,\\n Oh my darling Clementine.\\n You are lost and gone forever,\\n Oh my darling Clementine.\"\\n \\n I\\'ve also had it explained (but not confirmed from a reliable data\\nsource) that CLEMENTINE is an acronym. Something like Combined\\nLunar Elemental Mapper Experiment on Extended Non Terrestrial\\nIntercept Near Earth. Personally, I think that acronym was made up\\nto fit the name (if it really is an acronym).\\n ------------------------------------------------------------------\\n Wales Larrison Space Technology Investor\\n\\n--- Maximus 2.01wb\\n',\n", + " \"From: douce@tfsquad.mn.org (Andrew Geweke)\\nSubject: Re: LC II Slowdowns?\\nOrganization: tfsquad public access usenet, St Paul MN (+1 612 291 2632)\\nLines: 29\\n\\ndrg@biomath.mda.uth.tmc.edu (David Gutierrez) writes:\\n\\n> In article douce@tfsquad.mn.org (Andrew\\n> Geweke) writes:\\n> > I am currently managing, among many other labs, a lab with three \\n> >LC IIs, a Mac Plus with 45 MB external HD, and a LaserWriter II NTX. My \\n> >problem? The LC IIs seem to intermittently slow to a snail's pace.\\n> \\n> \\n> This happens intermittently to Macs in our department, ranging from IIsi's\\n> to a Quadra 950.\\n> \\n> I can end the slowdown immediately by unplugging the Ethernet cable from\\n> the Mac. It seems that something on the network puts out these packet\\n> storms every few days. These storms have the effect of making our Macs\\n> slow down to a crawl.\\n\\n Thank you very much. These computers behave exactly like what \\nyou're describing. Now, my question. I am running on the lowest of all \\nbudgets, public education. How can I analyze this? All I need is some \\nsort of packet counter. Do any exist, and where are they?\\n Thanks again,\\n\\n -- Andrew Geweke\\n\\n---\\ndouce@tfsquad.mn.org (Andrew Geweke)\\nThe Firing Squad BBS, public access Usenet mail and news. +1 612 291 2632\\nSaint Paul, Minnesota\\n\",\n", + " 'From: hkon@athena.mit.edu (Henry Kon)\\nSubject: 83 tercel sunroof leaks - arrggh\\nOrganization: Massachusetts Institute of Technology\\nLines: 14\\nDistribution: world\\nNNTP-Posting-Host: e40-008-11.mit.edu\\n\\nIS there a simple way tooput these sunroofs out of their misery - \\ndo leaks tend to be from old gaskets ? \\nor from inadequate mechanical seals - \\nor all of the above ??\\n\\nis there any way to halt the rain ?\\n\\nthanks\\nhk\\n--\\nHenry Bruno Kon\\noffice: 617-253-2781 (with machine)\\nhome: 617-625-3972 (with machine)\\n\\n',\n", + " 'From: cfaehl@vesta.unm.edu (Chris Faehl)\\nSubject: Re: Amusing atheists and agnostics\\nOrganization: University of New Mexico, Albuquerque\\nLines: 88\\nDistribution: world\\nNNTP-Posting-Host: vesta.unm.edu\\n\\nIn article , timmbake@mcl.ucsb.edu (\"Clam\" Bake Timmons) writes:\\n\\n> \\n> >Fallacy #1: Atheism is a faith. Lo! I hear the FAQ beckoning once again...\\n> >[wonderful Rule #3 deleted - you\\'re correct, you didn\\'t say anything >about\\n> >a conspiracy]\\n> \\n> Correction: _hard_ atheism is a faith.\\n\\nYes.\\n \\n> \\n> >>Rule #4: Don\\'t mix apples with oranges. How can you say that the\\n> >>extermination by the Mongols was worse than Stalin? Khan conquered people\\n> >>unsympathetic to his cause.That was atrocious.But Stalin killed millions of\\n> >>his own people who loved and worshipped _him_ and his atheist state!!How can\\n ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ \\n> >>anyone be worse than that?\\n> \\n> >I will not explain this to you again: Stalin did nothing in the name of\\n> >atheism. Whethe he was or was not an atheist is irrelevant.\\n> \\n> Get a grip, man. The Stalin example was brought up not as an\\n> indictment of atheism, but merely as another example of how people will\\n> kill others under any name that\\'s fit for the occasion.\\n\\nNo, look again. While you never *said* it, the implication is pretty clear.\\nI\\'m sorry, but I can only respond to your words, not your true meaning. Usenet\\nis a slippery medium. \\n\\n[deleted wrt the burden of proof]\\n> \\n> So hard atheism has nothing to prove? Then how does it justify that\\n> God does not exist? I know, there\\'s the FAQ, etc. But guess what -- if\\n> those justifications were so compelling why aren\\'t people flocking to\\n> _hard_ atheism? They\\'re not, and they won\\'t. I for one will discourage\\n> people from hard atheism by pointing out those very sources as reliable\\n> statements on hard atheism.\\n> \\nLook, I\\'m not supporting *any* dogmatic position. I\\'d be a fool to say that\\nin the large group of people that are atheists, no people exist who wish to\\nproselytize in the same fashion as religion. How many hard atheists do you \\nsee posting here, anyway? Maybe I\\'mm just not looking hard enough...\\n\\n> Second, what makes you think I\\'m defending any given religion? I\\'m merely\\n> recognizing hard atheism for what it is, a faith.\\n\\nI never meant to do so, although I understand where you might get that idea.\\nI was merely using the \\'bible\\' example as an allegory to illustrate my\\npoint.\\n\\n> \\n> And yes, by \"we\" I am referring to every reader of the post. Where is the\\n> evidence that the poster stated that he relied upon?\\n\\nEvidence for what? Who? I think I may have lost this thread...\\n \\n[why theists are arrogant deleted]\\n> >Because they say, \"Such-and-such is absolutely unalterably True, because\\n> ^^^^\\n> >my dogma says it is True.\" I am not prepared to issue blanket statements\\n> >indicting all theists of arrogance as you are wont to do with atheists.\\n> \\n> Bzzt! By virtue of your innocent little pronoun, \"they\", you\\'ve just issued\\n> a blanket statement. At least I will apologize by qualifying my original\\n> statement with \"hard atheist\" in place of atheist. Would you call John the\\n> Baptist arrogant, who boasted of one greater than he? That\\'s what many\\n> Christians do today. How is that _in itself_ arrogant?\\n\\nGuilty as charged. What I *meant* to say was, the theists who *are* arrogant\\nare this way because they say ... Other than that, I thought my meaning\\nwas clear enough. Any position that claims itself as superior to another with\\nno supporting evidence is arrogant. Thanks for your apology, btw.\\n\\n> >\\n> >> I\\'m not worthy!\\n> >Only seriously misinformed.\\n> With your sophisticated put-down of \"they\", the theists, _your_ serious\\n> misinformation shines through.\\n\\nExplained above.\\n\\n> \\n> --\\n> Bake Timmons, III\\n> \\n> -- \"...there\\'s nothing higher, stronger, more wholesome and more useful in life\\n> than some good memory...\" -- Alyosha in Brothers Karamazov (Dostoevsky)\\n',\n", + " 'From: wtm@uhura.neoucom.edu (Bill Mayhew)\\nSubject: Re: help: How to reduce the RPMs of a Boxer fan ?\\nOrganization: Northeastern Ohio Universities College of Medicine\\nDistribution: na\\nLines: 18\\n\\nYes, you increase the RPM slip of a \"boxer\" type fan by installing\\na capacitor in series with the fan\\'s power supply. The air flow of\\nsmall 3.5 inch fans can be reduced by about 50% by using a 1 to 4\\nuF capacitor. Use a good grade nonpolarized unit with working\\nvoltage rating around 250 volts. Note that some impriical study is\\nusually required to experimentally determine the best size\\ncapacitor for a given application.\\n\\nFor DC powered applications, try the Radio Shack 12 volt box fan.\\nIt can run and start reliably from as low as about 4.5 VDC. It is\\nexceptionally quiet, but at admittedly low flow. I wish I knew who\\nmade the fans for Radio Shack.\\n\\n\\n-- \\nBill Mayhew NEOUCOM Computer Services Department\\nRootstown, OH 44272-9995 USA phone: 216-325-2511\\nwtm@uhura.neoucom.edu (140.220.1.1) 146.580: N8WED\\n',\n", + " \"From: pv9955@albnyvms.bitnet\\nSubject: Buying a used car ...\\nReply-To: pv9955@albnyvms.bitnet\\nOrganization: University of Albany, SUNY\\nLines: 14\\n\\nI have a few questions about the TAX on a used car purchase.\\nI live in New York State, and I am going to buy a used car.\\nI know that I will have to pay tax when I go to register the car.\\nBut I would like to know of tax is payed on the book value of the car, or\\non the purchase price. Also, what tax rate is used ? The owner lives in\\nAlbany (8% tax), and I will be living in Saratoga with 7% tax. \\nDo I pay Albany tax or Saratoga tax ? (the difference is a whole $50)\\nOne more thing, how much does it cost for the usual 2 year registration ?\\n\\nDid I leave anything out ? What else might I have to know to purchase and\\nregister a used car ? (I've never done this before.)\\n\\nThank you,\\nPeter Volpe\\n\",\n", + " \"From: tom@inferno.UUCP (Tom Sherwin)\\nSubject: Re: XV under MS-DOS ?!?\\nOrganization: Periphonics Corporation\\nLines: 30\\nNNTP-Posting-Host: ablaze\\n\\n|> Hi ... Recently I found XV for MS-DOS in a subdirectory of GNU-CC (GNUISH). I \\n|> use frequently XV on a Sun Spark Station 1 and I never had problems, but when I\\n|> start it on my computer with -h option, it display the help menu and when I\\n|> start it with a GIF-File my Hard disk turns 2 or 3 seconds and the prompt come\\n|> back.\\n|> \\n|> My computer is a little 386/25 with copro, 4 Mega rams, Tseng 4000 (1M) running\\n|> MS-DOS 5.0 with HIMEM.SYS and no EMM386.SYS. I had the GO32.EXE too... but no\\n|> driver who run with it.\\n|> \\n|> Do somenone know the solution to run XV ??? any help would be apprecied..\\n|> \\t\\t\\n\\nYou probably need an X server running on top of MS DOS. I use Desqview/X\\nbut any MS-DOS X server should do.\\n\\n-- \\n\\n XX X Technical documentation is writing 90% of the words\\n XX X for 10% of the features that only 1% of the customers\\n XX X actually use.\\n XX X -------------------------------------------------------\\n A PC to XX X I don't have opinions, I have factual interpretations...\\n the power XX X -Me\\n of X XX ---------------------------------------------------------\\n X XX ...uunet!rutgers!mcdhup!inferno!tom can be found at\\n X XX Periphonics Corporation\\n X XX 4000 Veterans Memorial Highway Bohemia, NY 11716\\n X XX ----------------------------------------------------\\n X XX They pay me to write, not express their opinions...\\n\",\n", + " 'From: andrewm@bio.uts.EDU.AU (Andrew Mears)\\nSubject: sheep in cardiac research\\nOrganization: University of Technology, Sydney\\nLines: 17\\nDistribution: world\\nNNTP-Posting-Host: iris.bio.uts.edu.au\\nKeywords: sheep ovine arrhythmias cardiac\\n\\n\\nDear news readers,\\n\\nIs there anyone using sheep models for cardiac research, specifically\\nconcerned with arrhythmias, pacing or defibrillation? I would like\\nto hear from you.\\n\\nMany thanks,\\nAndrew Mears\\n\\n*********** Please email me ***************\\n*************************************************************************\\n** * Andrew Mears h: 61-2-9774245 *\\n* ** CRC for Cardiac Technology, UTS w: 61-2-3304091\\t *\\n* ** Westbourne St, GORE HILL F: 61-2-3304003 *\\n** * N.S.W 2065 email: *\\n*************************************************************************\\n',\n", + " 'From: sera@zuma.UUCP (Serdar Argic)\\nSubject: One of them is a pathological liar: \\'Kojian the clown\\' or \\'Dewey\\'?\\nReply-To: sera@zuma.UUCP (Serdar Argic)\\nDistribution: world\\nLines: 235\\n\\nIn article <30957@galaxy.ucr.edu> raffi@watnxt08.ucr.edu (Raffi R Kojian) writes:\\n\\n>I would just like to say that I hope everybody knows that everything \\n>Serdar has said are lies. \\n\\nComing from an idiot/crook Armenian, I\\'d take that as a compliment.\\nYour criminal grandparents committed unheard-of crimes, resorted\\nto all conceivable methods of despotism, organized massacres, poured \\npetrol over babies and burned them, raped women and girls in front of \\ntheir parents who were bound hand and foot, took girls from their \\nmothers and fathers and appropriated personal property and real estate. \\nAnd today, they put Azeris in the most unbearable conditions any other \\nnation had ever known in history.\\n \\nSource: John Dewey: \"The New Republic,\" Vol. 40, Nov. 12, 1928, pp. 268-9.\\n\\n\"They [Armenians] traitorously turned Turkish cities over to the Russian \\n invader; that they boasted of having raised an army of one hundred and\\n fifty thousand men to fight a civil war, and that they burned at least\\n a hundred Turkish villages and exterminated their population.\"\\n\\n\\n SOME OF THE REFERENCES FROM EMINENT AUTHORS IN THE FIELD OF MIDDLE-EASTERN\\n HISTORY AND EYEWITNESSES OF THE ARMENIAN GENOCIDE OF 2.5 MILLION MUSLIMS\\n\\n1. \"The Armenian Revolutionary Movement\" by Louise Nalbandian,\\n University of California Press, Berkeley, Los Angeles, 1975\\n\\n2. \"Diplomacy of Imperialism 1890-1902\" by William I. Lenger, Professor\\n of History, Harward University, Boston, Alfred A. Knopt, New York, 1951\\n\\n3. \"Turkey in Europe\" by Sir Charles Elliot, \\n Edward & Arnold, London, 1900\\n\\n4. \"The Chatnam House Version and Other Middle-Eastern Studies\" by\\n Elie Kedouri, Praeger Publishers, New York, Washington, 1972\\n\\n5. \"The Rising Crescent\" by Ernest Jackh,\\n Farrar & Reinhart, Inc., New York & Toronto, 1944\\n\\n6. \"Spiritual and Political Evolutions in Islam\" by Felix Valyi,\\n Mogan, Paul, Trench & Truebner & Co., London, 1925\\n\\n7. \"The Struggle for Power in Moslem Asia\" by E. Alexander Powell,\\n The Century Co., New York, London, 1924\\n\\n8. \"Struggle for Transcaucasia\" by Feruz Kazemzadeh,\\n Yale University Press, New Haven, Conn., 1951\\n\\n9. \"History of the Ottoman Empire and Modern Turkey\" (2 volumes) by\\n Stanford J. Shaw, Cambridge University Press, Cambridge, New York,\\n Melbourne, 1977\\n\\n10.\"The Western Question in Greece and Turkey\" by Arnold J. Toynbee,\\n Constable & Co., Ltd., London, Bombay & Sydney, 1922\\n\\n11.\"The Caliph\\'s Last Heritage\" by Sir Mark Sykes,\\n Macmillan & Co., London, 1915\\n\\n12.\"Men Are Like That\" by Leonard A. Hartill,\\n Bobbs Co., Indianapolis, 1928\\n\\n13.\"Adventures in the Near East, 1918-22\" by A. Rawlinson,\\n Dodd, Meade & Co., 1925\\n\\n14.\"World Alive, A Personal Story\" by Robert Dunn,\\n Crown Publishers, Inc., New York, 1952\\n\\n15.\"From Sardarapat to Serves and Lousanne\" by Avetis Aharonian,\\n The Armenian Review Magazine, Volume 15 (Fall 1962) through 17 \\n (Spring 1964)\\n\\n16.\"Armenia on the Road to Independence\" by Richard G. Hovanessian,\\n University of California Press, Berkeley, California, 1967\\n\\n17.\"The Rebirth of Turkey\" by Clair Price,\\n Thomas Seltzer, New York, 1923\\n\\n18.\"Caucasian Battlefields\" by W. B. Allen & Paul Muratoff,\\n Cambridge, 1953\\n\\n19.\"Partition of Turkey\" by Harry N. Howard,\\n H. Fertig, New York, 1966\\n \\n20.\"The King-Crane Commission\" by Harry N. Howard,\\n Beirut, 1963\\n\\n21.\"United States Policy and Partition of Turkey\" by Laurence Evans,\\n John Hopkins University Press, Baltimore, 1965\\n\\n22.\"British Documents Related to Turkish War of Independence\" by Gothard \\n Jaeschke\\n \\n1. Neside Kerem Demir, \"Bir Sehid Anasina Tarihin Soyledikleri: \\n Turkiye\\'nin Ermeni Meselesi,\" Hulbe Basim ve Yayin T.A.S., \\n Ankara, 1982. (Ingilizce Birinci Baski: 1980, \"The Armenian \\n Question in Turkey\")\\n\\n2. Veysel Eroglu, \"Ermeni Mezalimi,\" Sebil Yayinevi, Istanbul, 1978.\\n\\n3. A. Alper Gazigiray, \"Osmanlilardan Gunumuze Kadar Vesikalarla Ermeni\\n Teroru\\'nun Kaynaklari,\" Gozen Kitabevi, Istanbul, 1982.\\n\\n4. Dr. Kirzioglu M. Fahrettin, \"Kars Ili ve Cevresinde Ermeni Mezalimi,\"\\n Kardes Matbaasi, Ankara, 1970. \\n\\nT.C. Basbakanlik Osmanli Arsivi, Babiali, Istanbul:\\n\\na) Yildiz Esas Evraki\\nb) Yildiz Perakende\\nc) Irade Defterleri\\nd) Cemaat-i Gayr-i Muslime Defterleri\\ne) Meclisi Vukela Mazbatalari\\nf) Dahiliye Nezareti, Kalem-i Mahsus Dosyalari\\ng) Dahiliye Nezareti, Sifre Defterleri\\nh) Babiali Evrak Odasi: Siyasi Kartonlar\\ni) Babiali Evrak Odasi: Muhimme Kartonlari\\n\\nT.C. Disisleri Bakanligi, Hazine-i Evrak, Defterdarlik \\n\\na) Harb-i Umumi\\nb) Muteferrik Kartonlar\\n\\nBritish Archives:\\n\\na) Parliamentary Papers (Hansard): Commons/Lords\\nb) Foreign Office: Confidential Print: Various Collections\\nc) Foreign Office: 424/239-253: Turkey: Correspondence - Annual Reports\\nd) Foreign Office: 608\\ne) Foreign Office: 371, Political Intelligence: General Correspondence\\nf) Foreign Office: 800/240, Ryan Papers\\ng) Foreign Office: 800/151, Curzon Papers\\nh) Foreign Office: 839: The Eastern Conference: Lausanne. 53 files\\n\\nIndia Office Records and Library, Blackfriars Road, London.\\n\\na) L/Political and Security/10/851-855 (five boxes), \"Turkey: Treaty of\\n Peace: 1918-1923\"\\nb) L/P & S/10/1031, \"Near East: Turkey and Greece: Lausanne Conference,\\n 1921-1923\"\\nc) L/P & S/11/154\\nd) L/P & S/11/1031\\n\\nFrench Archives\\n\\nArchives du ministere des Affaires entrangeres, Quai d\\'Orsay, Paris.\\n\\na) Documents Diplomatiques: Affaires Armeniens: 1895-1914 Collections\\nb) Guerre: 1914-1918: Turquie: Legion d\\'Orient.\\nc) Levant, 1918-1929: Armenie.\\n\\n\\nOfficial Publications, Published Documents, Diplomatic Correspondence,\\nAgreements, Minutes and Others\\n\\nA. Turkey (The Ottoman Empire and The Republic of Turkey)\\n\\nAkarli, E. (ed.); \"Belgelerle Tanzimat,\" (istanbul, 1978).\\n(Gn. Kur., ATASE); \"Askeri Tarih Belgeleri Dergisi,\" V. XXXI (81),\\n(Dec. 1982).\\n----; \"Askeri Tarih Belgeleri Dergisi,\" V. XXXII (83),\\n(Dec. 1983).\\nHocaoglu, M. (ed.); \"Ittihad-i Anasir-i Osmaniye Heyeti Nizamnamesi,\"\\n(Istanbul, 1912).\\nMeray, S. L. (trans./ed.) \"Lozan Baris Konferansi: Tutanaklar-Belgeler,\"\\n(Ankara, 1978), 2 vols.\\nMeray, S. L./O. Olcay (ed.); \"Osmanli Imparatorlugu\\'nun Cokus Belgeleri;\\nMondros Birakismasi, Sevr Andlasmasi, Ilgili Belgeler,\" (Ankara, 1977).\\n(Osmanli Devleti, Dahiliye Nezareti); \"Aspirations et Agissements \\nRevolutionnaires des Comites Armeniens avant et apres la proclamation\\nde la Constitution Ottomane,\" (Istanbul, 1917).\\n----; \"Ermeni Komitelerinin Amal ve Hareket-i Ihtilaliyesi: Ilan-i\\nMesrutiyetten Evvel ve Sonra,\" (Istanbul, 1916).\\n----; \"Idare-i Umumiye ve Vilayet Kanunu,\" (Istanbul, 1913).\\n----; \"Muharrerat-i Umumiye Mecmuasi, V. I (Istanbul, 1914).\\n----; \"Muharrerat-i Umumiye Mecmuasi, V. II (Istanbul, 1915).\\n----; \"Muharrerat-i Umumiye Mecmuasi, V. III (Istanbul, 1916).\\n----; \"Muharrerat-i Umumiye Mecmuasi, V. IV (Istanbul, 1917).\\n(Osmanli Devleti, Hariciye Nezareti); \"Imtiyazat-i Ecnebiyye\\'nin\\nLagvindan Dolayi Memurine Teblig Olunacak Talimatname,\" (Istanbul, 1915).\\n(Osmanli Devleti, Harbiye Nezareti); \"Islam Ahalinin Ducar Olduklari\\nMezalim Hakkinda Vesaike Mustenid Malumat,\" (Istanbul, 1919).\\n----; (IV. Ordu) \"Aliye Divan-i Harbi Orfisinde Tedkik Olunan Mesele-yi\\nSiyasiye Hakkinda Izahat,\" (Istanbul, 1916).\\nTurkozu, H. K. (ed.); \"Osmanli ve Sovyet Belgeleriyle Ermeni Mezalimi,\"\\n(Ankara, 1982).\\n----; \"Turkiye Buyuk Millet Meclisi Gizli Celse Zabitlari,\" (Ankara, 1985),\\n4 vols.\\n\\nRussia\\n\\nAdamof, E. E. (ed.); \"Sovyet Devlet Arsivi Belgeleriyle Anadolu\\'nun \\nTaksimi Plani,\" (tran. H. Rahmi, ed. H. Mutlucag), (Istanbul, 1972).\\n\\nAltinay, A. R.; \"Iki Komite - Iki Kital,\" (Istanbul, 1919).\\n----; \"Kafkas Yollarinda Hatiralar ve Tahassusler,\" (Istanbul, 1919).\\n----; \"Turkiye\\'de Katolik Propagandasi,\" Turk tarihi Encumeni Mecmuasi,\\nV. XIV/82-5 (Sept. 1924).\\nAsaf Muammer; \"Harb ve Mesulleri,\" (Istanbul, 1918).\\nAkboy, C.; \"Birinci Dunya Harbinde Turk Harbi, V. I: Osmanli Imparatorlugu\\'nun\\nSiyasi ve Askeri Hazirliklari ve Harbe Girisi,\" (Gn. Kur., Ankara, 1970).\\nAkgun, S.; \"General Harbord\\'un Anadolu Gezisi ve (Ermeni Meselesi\\'ne Dair)\\nRaporu: Kurtulus Savasi Baslangicinda,\" (Istanbul, 1981).\\nAkin, I.; \"Turk Devrim Tarihi,\" (Istanbul, 1983).\\nAksin, S.; \"Jon Turkler ve Ittihad ve Terakki,\" (Istanbul, 1976).\\nBasar, Z. (ed.);\"Ermenilerden Gorduklerimiz,\" (Ankara, 1974).\\n----; \"Ermeniler Hakkinda Makaleler - Derlemeler,\" (Ankara, 1978).\\nBelen, F.; \"Birinci Dunya Harbinde Turk Harbi,\" (Ankara, 1964).\\nDeliorman, A.; \"Turklere Karsi Ermeni Komitecileri,\" (Istanbul, 1980).\\nEge, N. N. (ed.); \"Prens Sabahaddin: Hayati ve Ilmi Mudafaalari,\"\\n(Istanbul, 1977).\\nErcikan, A.; \"Ermenilerin Bizans ve Osmanli Imparatorluklarindaki Rolleri,\"\\n(Ankara, 1949).\\nGurun, K.; \\'Ermeni Sorunu yahut bir sorun nasil yaratilir?\\', \"Turk Tarihinde\\nErmeniler Sempozyumu,\" (Izmir, 1983).\\nHocaoglu, M.; \"Arsiv Vesikalariyla Tarihte Ermeni Mezalimi ve Ermeniler,\"\\n(Istanbul, 1976).\\nKaral, E. S.; \"Osmanli Tarihi,\" V. V (1983, 4th ed.); V. VI (1976, 2nd ed.);\\nV. VII (1977, 2nd ed.); V. VIII (1983, 2nd ed.) Ankara.\\nKurat, Y. T.; \"Osmanli Imparatorlugu\\'nun Paylasilmasi,\" (Ankara, 1976).\\nOrel, S./S. Yuca; \"Ermenilerce Talat Pasa\\'ya Atfedilen Telgraflarin\\nIcyuzu,\" (Ankara, 1983). [Also in English translation.]\\nAhmad, F.; \"The Young Turks: The Committee of Union and Progress in\\nTurkish Politics,\" (Oxford, 1969).\\n\\nSerdar Argic\\n\\n \\'We closed the roads and mountain passes that \\n might serve as ways of escape for the Turks \\n and then proceeded in the work of extermination.\\'\\n (Ohanus Appressian - 1919)\\n \\'In Soviet Armenia today there no longer exists \\n a single Turkish soul.\\' (Sahak Melkonian - 1920)\\n\\n\\n',\n", + " \"From: kludge@grissom.larc.nasa.gov (Scott Dorsey)\\nSubject: Re: what to do with old 256k SIMMs?\\nOrganization: NASA Langley Research Center and Reptile Farm\\nLines: 12\\nNNTP-Posting-Host: grissom.larc.nasa.gov\\n\\nIn article wex@cs.ulowell.edu writes:\\n>In article <1993Apr15.100452.16793@csx.cciw.ca>, u009@csx.cciw.ca (G. Stewart Beal) writes:\\n>|> >\\tI was wondering if people had any good uses for old\\n>|> >256k SIMMs. I have a bunch of them for the Apple Mac\\n>|> >and I know lots of other people do to. I have tried to\\n>|> >sell them but have gotten NO interest.\\n>\\n>We use them as Christmas tree decorations, the cat doesn't eat these.\\n\\nYes, but they don't look appropriate. I much prefer used 833 tubes on\\nmy tree.\\n--scott\\n\",\n", + " 'From: cobb@alexia.lis.uiuc.edu (Mike Cobb)\\nSubject: Re: Societally acceptable behavior\\nOrganization: University of Illinois at Urbana\\nLines: 59\\n\\nIn <1qvh8tINNsg6@citation.ksu.ksu.edu> yohan@citation.ksu.ksu.edu (Jonathan W \\nNewton) writes:\\n\\n\\n>In article , cobb@alexia.lis.uiuc.edu (Mike \\nCobb) writes:\\n>>Merely a question for the basis of morality\\n>>\\n>>Moral/Ethical behavior = _Societally_ _acceptable_ _behavior_.\\n\\n>I disagree with these. What society thinks should be irrelevant. What the\\n>individual decides is all that is important.\\n\\nThis doesn\\'t seem right. If I want to kill you, I can because that is what I\\ndecide?\\n>>\\n>>1)Who is society\\n\\n>I think this is fairly obvious\\n\\nNot really. If whatever a particular society mandates as ok is ok, there are\\nalways some in the \"society\" who disagree with the mandates, so which \\nsocietal mandates make the standard for morality?\\n >>\\n>>2)How do \"they\" define what is acceptable?\\n\\n>Generally by what they \"feel\" is right, which is the most idiotic policy I can\\n>think of.\\n\\nSo what should be the basis? Unfortunately I have to admit to being tied at \\nleast loosely to the \"feeling\", in that I think we intuitively know some things\\nto be wrong. Awfully hard to defend, though.\\n>>\\n>>3)How do we keep from a \"whatever is legal is what is \"moral\" \"position?\\n\\n>By thinking for ourselves.\\n\\nI might agree here. Just because certain actions are legal does not make them\\n\"moral\".\\n>>\\n>>MAC\\n>>--\\n>>****************************************************************\\n>> Michael A. Cobb\\n>> \"...and I won\\'t raise taxes on the middle University of Illinois\\n>> class to pay for my programs.\" Champaign-Urbana\\n>> -Bill Clinton 3rd Debate cobb@alexia.lis.uiuc.edu\\n>> \\n>>With new taxes and spending cuts we\\'ll still have 310 billion dollar \\ndeficits.\\n\\n--\\n****************************************************************\\n Michael A. Cobb\\n \"...and I won\\'t raise taxes on the middle University of Illinois\\n class to pay for my programs.\" Champaign-Urbana\\n -Bill Clinton 3rd Debate cobb@alexia.lis.uiuc.edu\\n \\nNobody can explain everything to anybody. G.K.Chesterton\\n',\n", + " \"From: blake@nevada.edu (Rawlin Blake)\\nSubject: Re: WACO: Clinton press conference, part 1\\nLines: 30\\nNntp-Posting-Host: virtual.nevada.edu\\nOrganization: University of Nevada System Computing Services\\n\\nIn article <1993Apr21.160642.12470@ringer.cs.utsa.edu> whughes@lonestar.utsa.edu (William W. Hughes) writes:\\n>From: whughes@lonestar.utsa.edu (William W. Hughes)\\n>Subject: Re: WACO: Clinton press conference, part 1\\n>Date: Wed, 21 Apr 1993 16:06:42 GMT\\n>In article feustel@netcom.com (David Feustel) writes:\\n>>I predict that the outcome of the study of what went wrong with the\\n>>Federal Assault in Waco will result in future assaults of that type\\n>>being conducted as full-scale military operations with explicit\\n>>shoot-to-kill directives.\\n>\\n>You mean they aren't already? Could have fooled me.\\n>\\n>\\n>-- \\n> REMEMBER WACO!\\n> Who will the government decide to murder next? Maybe you?\\n>[Opinions are mine; I don't care if you blame the University or the State.]\\n\\nWell, it seems we don't learn the lessons of history do we?\\n\\nI was hoping that Kent State taught us a lesson.\\n\\nApparently not.\\n\\nApparently the government will murder anyone they choose to still.\\n\\n---\\nRawlin Blake blake@nevada.edu\\n\\nNo .sig is a good .sig\\n\",\n", + " \"From: iisakkil@beta.hut.fi (Mika Iisakkila)\\nSubject: Re: SCSI vs. IDE\\nIn-Reply-To: randy@msc.cornell.edu's message of Tue, 13 Apr 1993 13:47:11 GMT\\nNntp-Posting-Host: beta.hut.fi\\nOrganization: Helsinki University of Technology, Finland\\nLines: 19\\n\\nrandy@msc.cornell.edu writes:\\n>Do all SCSI cards for DOS systems require a separate device driver to\\n>be loaded into memory for each SCSI device hooked up?\\n\\nNo. All that I've seen have also an on-board BIOS which enables you to\\nuse up to 2 hard drives directly under DOS (2 drives is a DOS\\nlimitation and you have the same problem with IDE and all other\\nstandards for that matter). Software drivers often allow for better\\nperformance, though. You have to use them if you want to use other\\ndevices besides hard disks or have more than 2 disks.\\n\\n>Will this also be true of the 32-bit OS's?\\n\\nObviously these are not able to use the 16-bit real mode BIOSes that\\nare written for DOS, so you need software drivers. That's not a big\\ndeal (as long as the drivers are available), because you won't have to\\nfight with any low memory problems either.\\n--\\nSegmented Memory Helps Structure Software\\n\",\n", + " 'From: bruce@liv.ac.uk (Bruce Stephens)\\nSubject: Re: sex education\\nOrganization: The University of Liverpool\\nLines: 22\\n\\nJoe Kellett (jkellett@netcom.com) wrote:\\n[bits deleted]\\n> I am told that Planned Parenthood/SIECUS-style \"values-free\" methods, that\\n> teach contraceptive technology and advise kids how to make \"choices\",\\n> actually _increase_ pregnancy rates. I posted a long article on this a while\\n> back and will be happy to email a copy to any who are interested. [...] \\n\\n> The same research produced the results that abstinence-related curricula\\n> were found to _decrease_ pregnancy rates in teens. I assume that it is\\n> reasonable to assume that the AIDS rate will fluctuate with the pregnancy\\n> rate.\\n\\nI\\'d be fascinated to see such evidence, please send me your article!\\nOn the negative side however, I suspect that any such simplistic link\\n abstinence-education => decreased pregnancy,\\n contraceptive-education => increased pregnancy\\nis false. The US, which I\\'d guess has one of the largest proportion of \\n\"non-liberal\" sex education in the western world also has one of the highest\\nteenage pregnancy rates. (Please correct me if my guess is wrong.)\\n\\n--\\nBruce Stephens bruce@liverpool.ac.uk\\n',\n", + " 'From: pjsinc@phoenix.oulu.fi (Petri Salonen)\\nSubject: Re: What does the .bmp format mean?\\nOrganization: University of Oulu, Finland\\nX-Newsreader: TIN [version 1.1 PL9]\\nLines: 30\\n\\nMichael Panayiotakis (louray@seas.gwu.edu) wrote:\\n: In article robertsa@unix2.tcd.ie (Andrew L. Roberts) writes:\\n: >What exactly does the windows bitmap format look like? I mean, how is\\n: >the data stored: width, height, no. of colours, bitmap data? I couldn\\'t\\n: >find anything in ths user manual, is there any other reference material\\n: >which would give me this information?\\n\\n: Well, this is *only* a guess: If it goes by the \"true\" meaning of \"bit\\n: map\", then it holds (x,y,c) where x pixel number in th ex-direction, y:\\n: pixel-number in the y-dir, c: colour.\\n\\nCome on fellows! The format is quite plainly explained in the manuals.\\nIt\\'s in the \"Programmer\\'s Reference, Volume 3: Messages, Structures,\\nand Macros\" (MSC-Dev.kit for 3.1, should be also in the Borland\\'s\\nmanuals) pages 232-241 (depending what you need).\\n\\nFirst there is the BITMAPFILEHEADER-struct then the BITMAPINFO which\\ncontains the BITMAPINFOHEADER and the RGBQUAD and then the bitmap\\ndata. AND there is also a example among the example files (MS_SDK).\\nHope this helps....\\n\\n-----------------------------------------------------------------------------\\n ########################## | Yes, I do have some prior knowledge in this.\\n ########################## | There is nothing dangerous in these dragons,\\n #### / /// / | they are totally harmless... But my opinion\\n #### / / / /// /// | is that kicking them might not be the right\\n#### /// /// / / / /// / | way to test it. So shut up and RUN!\\n-----------------------------------------------------------------------------\\npjsinc@sunrise.oulu.fi pjsinc@phoenix.oulu.fi pjsinc@tolsun.oulu.fi\\nIf it\\'s possible that there are some opinions above, they must be all MINE.\\n',\n", + " 'From: poe@wharton.upenn.edu\\nSubject: AMD i486 clones: Now legal in US?!?!?!\\nOrganization: University of Pennsylvania\\nLines: 7\\nNntp-Posting-Host: fred.wharton.upenn.edu\\n\\nA friend of mine called me on the phone and told me he was wathcing CNN\\nand saw a report that the ruling prohibiting AMD from selling their i486\\nclones has been thrown out, making it legal for AMD to ship in the US.\\nCan anyone out there verify this?\\n\\nThanks in advance\\nPhil\\n',\n", + " \"From: luriem@alleg.edu(Michael Lurie) The Liberalizer\\nSubject: Re: Jewish Baseball Players?\\nOrganization: Allegheny College\\n\\nIn article jlroffma@unix.amherst.edu (JOSHUA \\nLAWRENCE ROFFMAN) writes:\\n> : >baseball players, past and present. We weren't able to come up\\n> : >with much, except for Sandy Koufax, (somebody) Stankowitz, and\\n> : >maybe John Lowenstein. Can anyone come up with any more. I know\\n> : >it sounds pretty lame to be racking our brains over this, but\\n> : >humor us. Thanks for your help.\\n> : \\n> \\n> \\n> John Lowenstein is definately NOT Jewish. Many in Baltimore thought he \\nwas...\\n> especially after he told the Baltimore _Jewish Times_ so...but later he\\n> admitted that it was a joke.\\n\\n\\nStanky is NOT Jewish, at least, I doubt it. A lot of jewish people don't \\nhave Jewish names. \\n\",\n", + " 'From: djf@cck.coventry.ac.uk (Marvin Batty)\\nSubject: Re: Vandalizing the sky.\\nNntp-Posting-Host: cc_sysk\\nOrganization: Starfleet, Coventry, UK\\nLines: 30\\n\\nIn article enzo@research.canon.oz.au (Enzo Liguori) writes:\\n>From the article \"What\\'s New\" Apr-16-93 in sci.physics.research:\\n>\\n>........\\n>WHAT\\'S NEW (in my opinion), Friday, 16 April 1993 Washington, DC\\n>\\n>1. SPACE BILLBOARDS! IS THIS ONE THE \"SPINOFFS\" WE WERE PROMISED?\\n>In 1950, science fiction writer Robert Heinlein published \"The\\n>Man Who Sold the Moon,\" which involved a dispute over the sale of\\n>rights to the Moon for use as billboard. NASA has taken the firsteps toward this\\n> hideous vision of the future. Observers were\\n>startled this spring when a NASA launch vehicle arrived at the\\n>pad with \"SCHWARZENEGGER\" painted in huge block letters on the\\n>side of the booster rockets. \\n\\nThings could be worse. A lot worse! In the mid-eighties the\\nteen/adult sci-fi comic 2000AD (Fleetway) produced a short story\\nfeaturing the award winning character \"Judge Dredd\". The story\\nfocussed on an advertising agency of the future who use high powered\\nmulti-coloured lasers/search lights pointed at the moon to paint\\nimages on the moon. Needless to say, this use hacked off a load of lovers,\\nromantics and werewolfs/crazies. The ad guys got chopped, the service\\ndiscontinued. A cautionary tale indeed!\\n\\nMarvin Batty.\\n-- \\n**************************************************************************** \\n Marvin Batty - djf@uk.ac.cov.cck\\n\"And they shall not find those things, with a sort of rafia like base,\\nthat their fathers put there just the night before. At about 8 O\\'clock!\"\\n',\n", + " \"From: demers@cs.ucsd.edu (David DeMers)\\nSubject: Re: HBP? BB? BIG-CAT?\\nDistribution: na\\nOrganization: CSE Dept., UC San Diego\\nLines: 15\\nNntp-Posting-Host: mbongo.ucsd.edu\\n\\n\\nIn article , kubey@sgi.com (Ken Kubey) writes:\\n I don't\\n|> blame players like Galarraga, Dawson and McGee when they swing at\\n|> a strike and put the ball in play.\\n\\nWell, no problem! But I get pretty annoyed when they swing at non-strikes\\nand make outs. Especially ball four on the 3-2 counts...\\n\\nDave\\n-- \\nDave DeMers\\t\\t\\t \\t demers@cs.ucsd.edu\\nComputer Science & Engineering\\t0114\\t\\tdemers%cs@ucsd.bitnet\\nUC San Diego\\t\\t\\t\\t\\t...!ucsd!cs!demers\\nLa Jolla, CA 92093-0114\\t(619) 534-0688, or -8187, FAX: (619) 534-7029\\n\",\n", + " \"From: 2a42dubinski@vms.csd.mu.edu\\nSubject: Re: WORD 2.0 HELP!\\nOrganization: Marquette University - Computer Services\\nLines: 17\\nReply-To: 2a42dubinski@vms.csd.mu.edu\\nNNTP-Posting-Host: vmsa.csd.mu.edu\\n\\nIn article <1qmf6l$euh@msuinfo.cl.msu.edu>, gcook@horus.cem.msu.EDU (Greg Cook) writes:\\n>From article <0096B11B.08A283A0@vms.csd.mu.edu>, by 2a42dubinski@vms.csd.mu.edu:\\n>> Can anyone tell me if and how they have printed Spanish characters? I know WP 5.1 has this built-in, but I do not recall ever seeing this option on WFW2. HELP!\\n>\\n>Try using the extended character set (Alt-#### sequences) . . \\n>look in Character Map in the Accessories group and see the alt-sequence\\n>for the font you want!\\n>\\n\\tThanks, I think I've figured it out now.\\n\\n ------------------------------------------------------------------------\\n | Robert S. Dubinski | Aliases include: Robb, Regal, Sir, Mr., and I |\\n ------------------------------------------------------------------------\\n | Marquette University ||||||||||| Math / Computer Science Double-Major|\\n ------------------------------------------------------------------------\\n | Internet Address: 2A42Dubinski.vms.csd.mu.edu |\\tMilwaukee, WI |\\n ------------------------------------------------------------------------ \\n\",\n", + " \"From: carter@ecf.toronto.edu (CARTER EDWARD A)\\nSubject: Re: Good Reasons to Wave at each other\\nOrganization: University of Toronto, Engineering Computing Facility\\nLines: 19\\n\\njlevine@rd.hydro.on.ca (Jody Levine) writes:\\n>Has anyone, while driving a cage, ever waved at bikers? I get the urge,\\n>but I've never actually done it.\\n\\nOh yeah, all the time. On a nice spring/summer day, I roll down the window\\nand drive around looking for bikes. When a bike motors by in the opposite\\ndirection, I stick my arm out and hi5'em. My arm feels like a million \\nbucks when I'm doing this a 60km/h. I do the same thing with cyclists.\\nThe only problem with hi5ing a cyclist is their always in the right hand lane.\\nI hafta roll down the other window and hi5 them on the back. Oh well, I \\nthink they appreciate the thought. \\n\\nRegards, Ted.\\n\\n---\\nUniversity of Toronto Computer Engineering \\nPowerUsersGroupChairman\\n'89 FZR600: I'm taking a ride with my best friend. DoD#:886699\\n\\n\",\n", + " 'From: mjs@behemoth.genetics.wisc.edu (Mike Schmelzer)\\nSubject: Re: Secret algorithm [Re: Clipper Chip and crypto key-escrow]\\n\\t\\n\\t\\nOrganization: UW Genetix\\nLines: 18\\nIn-Reply-To: strnlght@netcom.com\\'s message of Mon, 19 Apr 1993 05:38:45 GMT\\n\\nIn article strnlght@netcom.com (David Sternlight) writes:\\n> In article \\n> holland@CS.ColoState.EDU (douglas craig holland) writes:\\n\\n\\n>>\\tLet me ask you this. Would you trust Richard Nixon with your\\n>>crypto keys? I wouldn\\'t.\\n\\n> I take it you mean President Nixon, not private citizen Nixon. Sure.\\n> Nothing I\\'m doing would be of the slightest interest to President Nixon .\\n\\nMr. Sternlight, your naivete and historical ignorance is appalling.\\n\\n[ History lesson detailing 1968-74 deleted. ]\\n--\\n=== Mike Schmelzer, mjs@genetics.wisc.edu, (608)262-4550. Finger for PGP.\\n=== \"People didn\\'t riot the minute they saw that film.\\n=== They waited on justice. Which never came.\" - Ice T.\\n',\n", + " \"From: rick@sundance.SJSU.EDU (Richard Warner)\\nSubject: DOS 6 a 'loaded gun' (was Why I'm not using Dos 6 anymore)\\nNntp-Posting-Host: sundance.sjsu.edu\\nOrganization: San Jose State University - Math/CS Dept.\\nLines: 34\\n\\nMark Woodruff writes:\\n\\n>I've been running Dos 6 for about a month. I was generally impressed with\\n>the improvements: the multiple boot configurations were great, the\\n>new commands were nice, and DoubleSpace worked fine (twice as slow for\\n>large data transfers, twice as fast for small with SmartDrv).\\n\\n>Until now.\\n\\n>This morning at 4 am while I was working on my research paper, I had to\\n>reboot a hung Dos program (that did no disk i/o) from within Windows 3.1.\\n>When my machine finished rebooting, I found my windows directory and about two\\n>thirds of my other directories were irreversibly corrupted.\\n\\n>I cannot afford problems like this. I'm returning to Dos 5.\\n\\n>mark\\n\\n>P.S. I've also noticed bad sector errors from DoubleSpace where none should\\n> exist.\\n\\nInfoWorld (April 26, 1993 issue) has two articles about problems with DOS\\n6. A 'Second Look' article calls it a 'loaded gun' and that people\\nshould exercise extreme caution if they decide to use it. The point out\\nthat DoubleSpace and MemMaker are both problem areas that will cause a\\nnumber of folks problems.\\n\\nMS's response was to the effect that there had been no problems reported\\nthat they could duplicate (probably are not trying too hard).\\n\\nCringely reports that a lot of folks are getting/going to get burned\\non the 900 support lines - his example was a call that cost $67.50, \\nfor 3 minutes of tech support after 25 minutes on hold. I want to see\\nthe MS spin doctors explain this.\\n\",\n", + " \"From: tovecchi@nyx.cs.du.edu (tony vecchi)\\nSubject: Help needed\\nOrganization: Nyx, Public Access Unix @ U. of Denver Math/CS dept.\\nLines: 16\\n\\n\\nFor the past week or so I've been trying to install a QIC-36 tape drive\\nand an everex 8bit full size controller in my 486dx50 EISA system with no\\nluck. I end up getting an error (miscompare) during the streaming read\\npart of the test. I am pretty certain that the port setting, irq & dma are\\nset properly since the tape responds properly to all commands, rewind,\\nretension, write and erase, I also booted the system clean and still the\\nsame proble so I also tend to eliminate any memory conflicts. It has been\\nsuggested that my bus speed is too fast and that I need to slow it down.\\nMy system has an AMI BIOS and I don't have the advanced chip setting\\noption that I have seen on other systems so I cant do this. Am I going to\\nhave to accept that this set up won't work? or can anyone suggest a work\\naround? I will be glad to hear your advice/suggestions.\\nTony\\n\\n\\n\",\n", + " \"From: Mamatha Devineni Ratnam \\nSubject: Re: Zane!!Rescue us from Simmons!!\\nOrganization: Post Office, Carnegie Mellon, Pittsburgh, PA\\nLines: 17\\nNNTP-Posting-Host: po4.andrew.cmu.edu\\n\\nIn my last message, I wrote:\\n****************************************************\\n12) Management: BIG BIG ZERO. Sauer has yet to make a forceful agreement\\nin favor of revenue sharing.\\n******************************************************\\n\\n\\nI meant argument instead of agreement.\\nAlso, I think I should add a coouple of Ted's positive achievements\\n- Smiley trade was good for the pirates. but I think Ted could have gotten\\nsomeone better than Neagle. Cummings seems to be pretty good.\\n- The Cole trade was excellent. BUt Simmons has botched it up now.\\n-This year's draft seems to have gone well for the PIrates. BUt then they\\nlost 2 high picks in the Bonds fiasco.\\n\\nOH well, I should give up trying to prove that Simmons is not a total\\nidiot.\\n\",\n", + " \"From: rob@rjck.UUCP (Robert J.C. Kyanko)\\nSubject: Re: VGA 640x400 graphics mode\\nDistribution: world\\nOrganization: Neptune Software Inc\\nLines: 26\\n\\ndutc0006@student.tc.umn.edu writes in article :\\n> >\\n> >Some VESA bios's support this mode (0x100). And *any* VGA should be able to\\n> >support this (640x480 by 256 colors) since it only requires 256,000 bytes.\\n> >My 8514/a VESA TSR supports this; it's the only VESA mode by card can support\\n> >due to 8514/a restrictions. (A WD/Paradise)\\n> >\\n> >--\\n> >I am not responsible for anything I do or say -- I'm just an opinion.\\n> > Robert J.C. Kyanko (rob@rjck.UUCP)\\n> \\n> \\tAhh no. Possibly you punched in the wrong numbers on your\\n> calculator. 256 color modes take a byte per pixel so 640 time 480 is\\n> 307,200 which is 300k to be exact. 640x400x256 only takes 250k but I\\n> don't think it is a BIOS mode. I wouldn't bet that all VGA cards can do\\n> that either. If a VGA card has 512k I bet it can do both 640x400 and\\n> 640x480. That by definition is SVGA, though not very high SVGA.\\n> \\n\\nYes, I did punch in the wrong numbers (working too many late nites). I\\nintended on stating 640x400 is 256,000 bytes. It's not in the bios, just my\\nVESA TSR.\\n\\n--\\nI am not responsible for anything I do or say -- I'm just an opinion.\\n Robert J.C. Kyanko (rob@rjck.UUCP)\\n\",\n", + " 'From: min@stella.skku.ac.KR (Hyoung Bok Min)\\nSubject: subscribe\\nOrganization: The Internet\\nLines: 3\\nTo: expert@expo.lcs.mit.edu\\n\\n\\nsubscribe min@stella.skku.ac.kr\\n\\n',\n", + " \"From: pmoloney@maths.tcd.ie (Paul Moloney)\\nSubject: Re: Biblical Backing of Koresh's 3-02 Tape (Cites enclosed)\\nOrganization: Somewhere in the Twentieth Century\\nLines: 20\\n\\ncotera@woods.ulowell.edu writes:\\n\\n>Once again, where's your proof? Suicide is considered a sin by Branch\\n>Davidians. Also, Koresh said over and over again that he was not going to\\n>commit suicide. Furthermore, all the cult experts said that he was not\\n>suicidal. David Thibedeau (sp?), one of the cult members, said that the fire\\n>was started when one of the tanks spraying the tear gas into the facilities\\n>knocked over a lantern.\\n\\nIn two places at once? Bit of a coincidence, that.\\n\\nWhatever the faults the FBI had, the fact is that responsibility\\nfor those deaths lies with Koresh.\\n\\nP.\\n-- \\n moorcockpratchettdenislearydelasoulu2iainmbanksneworderheathersbatmanpjorourke\\nclive p a u l m o l o n e y Come, let us retract the foreskin of misconception\\njames trinity college dublin and apply the wire brush of enlightenment - GeoffM\\n brownbladerunnersugarcubeselectronicblaylockpowersspikeleekatebushhamcornpizza \\n\",\n", + " 'From: ralph.buttigieg@f635.n713.z3.fido.zeta.org.au (Ralph Buttigieg)\\nSubject: Commercial point of view\\nOrganization: Fidonet. Gate admin is fido@socs.uts.edu.au\\nLines: 29\\n\\nOriginal to: szabo@techbook.com\\nG\\'day szabo@techbook.com\\n\\n29 Mar 93 07:28, szabo@techbook.com wrote to All:\\n\\n sc> szabo@techbook.com (Nick Szabo), via Kralizec 3:713/602\\n\\n sc> Here are some longer-term markets to consider:\\n\\nHere are some more:\\n\\n* Terrestrial illumination from orbiting mirrors.\\n\\n* World enviroment and disaster monitering system. (the Japanese have\\nalready developed a plan for this, called WEDOS) Although this may be more\\nof a \"public good\".\\n\\n* Space tourism.\\n\\n* Energy relay satellites\\n\\nta\\n\\nRalph\\n\\n--- GoldED 2.41\\n * Origin: VULCAN\\'S WORLD - Sydney Australia (02) 635-6797 3:713/6\\n(3:713/635)\\n\\n',\n", + " 'From: bjorndahl@augustana.ab.ca\\nSubject: Re: document of .RTF\\nOrganization: Augustana University College, Camrose, Alberta\\nLines: 10\\n\\nIn article <1993Mar30.113436.7339@worak.kaist.ac.kr>, tjyu@eve.kaist.ac.kr (Yu TaiJung) writes:\\n> Does anybody have document of .RTF file or know where I can get it?\\n> \\n> Thanks in advance. :)\\n\\nI got one from Microsoft tech support.\\n\\n-- \\nSterling G. Bjorndahl, bjorndahl@Augustana.AB.CA or bjorndahl@camrose.uucp\\nAugustana University College, Camrose, Alberta, Canada (403) 679-1100\\n',\n", + " \"From: dante@shakala.com (Charlie Prael)\\nSubject: Re: army in space\\nOrganization: Shakala BBS (ClanZen Radio Network) Sunnyvale, CA +1-408-734-2289\\nLines: 23\\n\\nktj@beach.cis.ufl.edu (kerry todd johnson) writes:\\n\\n> Is anybody out there willing to discuss with me careers in the Army that deal\\n> with space? After I graduate, I will have a commitment to serve in the Army,\\n> and I would like to spend it in a space-related field. I saw a post a long\\n> time ago about the Air Force Space Command which made a fleeting reference to\\n> its Army counter-part. Any more info on that would be appreciated. I'm \\n> looking for things like: do I branch Intelligence, or Signal, or other? To\\n> whom do I voice my interest in space? What qualifications are necessary?\\n> Etc, etc. BTW, my major is computer science engineering.\\n\\nKerry-- I'm guessing a little at this, because it's been a few years \\nsince I saw the info, but you will probably want to look at Air Defense \\nArtillery as a specialty, or possibly Signals. The kind of thing you're \\nlooking for is SDI-type assignments, but it'll be pretty prosaic stuff.\\nThings like hard-kill ATBM missiles, some of the COBRA rigs -- that kind \\nof thing. \\n\\nHope that gives you some ideas on where to look, though.\\n\\n------------------------------------------------------------------\\nCharlie Prael - dante@shakala.com \\nShakala BBS (ClanZen Radio Network) Sunnyvale, CA +1-408-734-2289\\n\",\n", + " \"From: steve@keystone.arch.unsw.edu.au (Stephen Peter)\\nSubject: Windows BMP -> something wanted\\nKeywords: BMP\\nNntp-Posting-Host: cad11.arch.unsw.edu.au\\nReply-To: steve@keystone.arch.unsw.edu.au\\nOrganization: Faculty of Architecture, University of New South Wales\\nLines: 20\\n\\nG'Day All,\\n\\nI'm looking for a program to convert BMP images to GIF, TGA or even PPM.\\n\\nI'd prefer a unix program, but Dos is fine also.\\n\\nI've seen Alchemy (for DOS) and some windows image viewers which can save\\nan image in other formats, but what I'm after is a converter not a viewer...\\n\\nAny help would be apprieciated!\\n\\ncheers\\nStephen.\\n---\\n _--_|\\\\ S.Peter@unsw.EDU.AU\\n/ \\\\ Stephen Peter or steve@keystone.arch.unsw.EDU.AU\\n\\\\_.--._/<-------------------------------------------------------------------\\n v School of Architecture, University of New South Wales, Australia\\n Phone +61 2 6974816 Fax +61 2 6621378 Messages +61 2 6974799\\n\\n\",\n", + " 'From: dowdy@tochtli.biochem.nwu.edu (Dowdy Jackson)\\nSubject: Re: Swimming pool defense\\nNntp-Posting-Host: tochtli.biochem.nwu.edu\\nOrganization: Northwestern University, Evanston, Illinois\\nLines: 23\\n\\nIn article kbanaian@bernard.pitzer.claremont.edu (King Banaian) writes:\\n>In article <1993Apr17.201310.13693@midway.uchicago.edu> thf2@kimbark.uchicago.edu (Ted Frank) writes:\\n>>In article dasmith@husc8.harvard.edu (\\n>David Smith) writes:>>Granted, the simple fact of holding down a job will \\n>improve these kids\\' chances>>of getting another job in the future, but what \\n>inner city kid would want to hold>>down just one more minimum wage job when \\n>there is so much more money to be made>>dealing drugs? \\n>>\\n>>What suburban kid would want to hold down a minimum wage job when there is so\\n>>much more money to be made dealing drugs?\\n>>\\n>>Yet, somehow, surburban kids do hold down minimum wage jobs. So do inner\\n>>city kids, when give the chance. Any reason you think that inner city kids\\n>>are incapable of doing legitimate work?\\n>\\n>I suppose the correct answer is not \"family values\"?\\n>\\n>S\\'pose not. Never mind. Sorry.\\n>\\nAre you assuming that families in the inner city don\\'t have family values ?\\nI sure hope not.\\n\\n\\n',\n", + " 'From: ajaffe@oddjob.uchicago.edu (Andrew Jaffe)\\nSubject: Key definitions in Emacs + X\\nOrganization: University of Chicago, Astronomy and Astrophysics\\nLines: 42\\n\\nHi.\\n\\nI use Emacs and I want to customize my keyboard better.\\nWhen I set up stuff in my .emacs with a keymap and define-keys,\\nI can only access certain of the keys on my X-Terminal\\'s\\nkeyboard. I can\\'t get e.g. F10, Home, End, PgUp, PgDn; they all\\nseem to have either the same or no keycode. I have a feeling\\nthis can\\'t be fixed in emacs itself, but that I need to do some\\nxmodmap stuff. Can someone help me?\\n\\nBy the way, I\\'ve checked the X-FAQ and posted a similar message\\nto gnu.emacs.help to no response.\\n\\nCurrently I have the following in my .emacs file (inside a \\'cond\\'):\\n\\n ((string-match \"^xterm\" (getenv \"TERM\"))\\n;; done by aj 8/92. I don\\'t know what most of this does...\\n (defvar xterm-map (make-sparse-keymap) \"Keymap for xterm special keys\")\\n (define-key esc-map \"[\" \\'xterm-prefix)\\n (fset \\'xterm-prefix xterm-map)\\n ;;Keys F1 to F12\\n (define-key xterm-map \"224z\" \\'goto-line) ;F1\\n (define-key xterm-map \"225z\" \\'what-line) ;F2\\n (define-key xterm-map \"226z\" \\'rmail) ;F3\\n (define-key xterm-map \"227z\" \\'replace-string) ;F4\\n (define-key xterm-map \"228z\" \\'end-of-line) ;F5\\n (define-key xterm-map \"229z\" \\'kill-line) ;F6\\n (define-key xterm-map \"230z\" \\'yank) ;F7\\n (define-key xterm-map \"231z\" \\'beginning-of-line);F8\\n (define-key xterm-map \"232z\" \\'end-of-line) ;F9\\n (define-key xterm-map \"192z\" \\'scroll-down) ;F11\\n (define-key xterm-map \"193z\" \\'scroll-up) ;F12\\n ;;Keys F10, up, down, etc. ??????? can\\'t get the keys \\n (define-key xterm-map \"-1z\" \\'set-mark-command))\\n)\\n\\n\\n-- \\nAndrew Jaffe ajaffe@oddjob.uchicago.edu\\nDep\\'t of Astronomy and Astrophysics, U. Chicago\\n5640 S. Ellis Ave (312) 702-6041\\nChicago, IL 60637-1433 (312) 702-8212 FAX\\n',\n", + " \"From: arc1@ukc.ac.uk (Tony Curtis)\\nSubject: Re: Christian Morality is\\nOrganization: Computing Laboratory, UKC\\nLines: 41\\nNntp-Posting-Host: pine.ukc.ac.uk\\n\\n\\nacooper@mac.cc.macalstr.edu (Turin Turambar, ME Department of Utter Misery)\\nsaid re. Dan Schaertel's article [if I followed the quoting right]:\\n\\n\\n>> As much as anything else you learn. How do you choose what\\n>> to believe and what not to? I could argue that George\\n>> Washington is a myth. He never lived because I don't have\\n>> any proof except what I am told. However all the major\\n>> events of the life of Jesus Christ were fortold hundreds of\\n>> years before him. Neat trick uh?\\n\\n> How is this? There is nothing more disgusting than Christian attempts to\\n> manipulate/interpret the Old Testament as being filled with signs for the\\n> coming of Christ. Every little reference to a stick or bit of wood is\\n> autmoatically interpreted as the Cross. What a miscarriage of philology.\\n\\nI think it may also be worthwhile pointing out that if we\\ntake the appellation `Rabbi' seriously then Jesus had a full\\ngrasp of contemporary `scripture'\\n\\nMat21:42 Jesus saith unto them, Did ye never read in the scriptures...\\n\\nMat22:29 Jesus answered and said unto them, Ye do err, not knowing\\nMat22:29 the scriptures, nor the power of God.\\n\\nFollowing from this, he would have been in a wonderful\\nposition to fulfil prophesies, and the NT says as much:\\n\\nMat26:54 But how then shall the scriptures be fulfilled,\\nMat26:54 that thus it must be?\\n\\nMat26:56 But all this was done, that the scriptures of the\\nMat26:56 prophets might be fulfilled. Then all the disciples\\nMat26:56 forsook him, and fled.\\n\\nIf the books comprising the referred-to `scripture' had not\\nbeen accessible then it probably would be a different\\nmatter.\\n\\n--tony\\n\",\n", + " 'From: piatt@gdc.COM (Gary Piatt)\\nSubject: Re: Employment (was Re: Why not concentrate on child molesters?\\nOrganization: General DataComm Ind. Inc., Middlebury, CT 06762\\nLines: 51\\nNntp-Posting-Host: esun228\\nX-Newsreader: TIN [version 1.1 PL9]\\n\\nDov Bai-MSI Visitor (bai@msiadmin.cit.cornell.edu) wrote:\\n: In article sys1@exnet.co.uk (Xavier Gallagher) writes:\\n\\n: >True, man did not invent the need for food, shelter, warmth and the ilk,\\n: >but man did invent the property laws and the laws of trespass. \\n: But how do you think property is generated ? Does it grow automatically\\n: on trees when we wish so, or someone has to produce it ?\\n\\nSome say it was generated by God or Goddess; some say it was the result of\\nthe coalescence of billions of tons of interstellar debris. In either case,\\nthe property of which Xavier speaks has been around for millions of years.\\n\\n\\n: It all follows from the fact that Mother Nature does not\\n: provide us automatically with our needs,\\n\\nOh? When did She *stop*? Mother Nature has been automatically providing\\nus with her bounty ever since we crawled out of the primordial ooze. It\\nis not \"produced\": it produces itself, year after year. Last night, for\\nexample, I saw four deer crossing the road (pretty sight, too); in an\\nearlier time, one of them would have been dinner.\\n\\n: There are 2 ways to go with produced things: the first is to \\n: _trade_ it with the the person(s) who produced it. \\n: The other one is to take it with a gun from the person who produced\\n: it. The first way is the civilized method, the second is how savages\\n: arrange their affairs.\\n\\nThe American Indians had no concept of ownership of property, and often\\nfreely gave of their supplies to neighboring tribes, trading food and\\nclothing for weapons or services. The Native Hawaiians, like their\\nPolynesian ancestors, also could not conceive of that idea, and shared\\nmany things with the other Islanders. In fact, \"hi\\'ipoi\", the Hawaiian\\nword for \"cherish\" means \"sharing food\". The Great Mahele, in which\\nthe Islands were divided up more-or-less evenly between the rich and\\nthe poor, was a white man\\'s idea. In Africa, villagers will often\\nshare tools, crops, and clothing with other members of their own village\\nand neighboring villages. Every anthropologist who has ever been to\\nAfrica has at least one tale of the difficulties arising from the so-\\ncalled \"theft\" of the scientists possessions -- two concepts of which,\\nuntil the visitors came along, the natives had no understanding.\\n\\nThese are the people we call \"savages\".\\n\\nOn the other hand, car-jackings and muggings are up from last year.\\n\\nDov, before you make further comment on this thread, I think it would\\nbehoove you to study *all* of the facts.\\n\\n\\n-garison\\n',\n", + " 'From: healta@saturn.wwc.edu (TAMMY R HEALY)\\nSubject: Re: SDA Doctrinal Distinctives\\nOrganization: Walla Walla College\\nLines: 15\\n\\nIn article jodfishe@silver.ucs.indiana.edu (joseph dale fisher) writes:\\n\\n|There is a book provided by the SDA which is entitled \"The Seventh Day\\n|Adventist Church believes\", or something like that. It is a basic\\n|coverage of the 30 ideas that SDA\\'s hold to. For further info about it,\\n|please write me later (once I get the actual title and/or copyright\\n|date) or Celia Chan, cmchan@amber.ucs.indiana.edu, because she first\\n|\"introduced\" me to the book (I must also add that she is NOT a member of\\n|the SDA anymore).\\n\\nThe book is called \"27 basic fundamental beliefs\" or something very close to \\nthat. the number *IS* 27, not 30. I have a copy at home (i\\'m away at \\nschool.)\\n\\nTammy\\n',\n", + " \"From: amirza@bronze.ucs.indiana.edu (Anmar Caves)\\nSubject: Re: My Gun is like my American Express Card\\nNntp-Posting-Host: bronze.ucs.indiana.edu\\nOrganization: Indiana University\\nDistribution: usa\\nLines: 17\\n\\nIn article <1993Apr15.184452.27322@CSD-NewsHost.Stanford.EDU> andy@SAIL.Stanford.EDU (Andy Freeman) writes:\\n>In article <93104.231049U28037@uicvm.uic.edu> Jason Kratz writes:\\n>>All your points are very well taken and things that I haven't considered as\\n>>I am not really familiar enough with handguns.\\n>\\n>That's not all that Kratz doesn't know.\\n>\\nk\\n\\nGuys, guys, (and gals), let's lay off Jason here. Though he stepped\\nin it, he has been very good so far about admitting he doesn't know\\nwhat he's talking about, and even more stunning is that he seems\\n-- \\nAnmar Mirza # Chief of Tranquility #My Opinions! NotIU's!#CIANSAKGBFBI\\nEMT-D # Base, Lawrence Co. IN # Legalize Explosives!#ASSASINATEDEA\\nN9ISY (tech) # Somewhere out on the # Politicians prefer #NAZIPLUTONIUM\\nNetworks Tech.# Mirza Ranch.C'mon over# unarmed peasants. #PRESIDENTFEMA\\n\",\n", + " 'From: revans@euclid.ucsd.edu ( )\\nSubject: Himmler\\'s speech on the extirpation of the Jewish race\\nLines: 42\\nNntp-Posting-Host: euclid.ucsd.edu\\n\\n\\n WASHINGTON - A stark reminder of the Holocaust--a speech by Nazi \\nSS leader Heinrich Himmler that refers to \"the extermination of the\\nJewish race\"--went on display Friday at the National Archives.\\n\\tThe documents, including handwritten notes by Himmler, are\\namong the best evidence that exists to rebut claims that the\\nHolocaust is a myth, archivists say.\\n\\t\"The notes give them their authenticity,\" said Robert Wolfe,\\na supervisory archivist for captured German records. \"He was\\nsupposed to destroy them. Like a lot of bosses, he didn\\'t obey his\\nown rules.\"\\n\\tThe documents, moved out of Berlin to what Himmler hoped\\nwould be a safe hiding place, were recovered by Allied forces after\\nWorld War II from a salt mine near Salzburg, Austria.\\n\\tHimmler spoke on Oct.4, 1943, in Posen, Poland, to more than\\n100 German secret police generals. \"I also want to talk to you,\\nquite frankly, on a very grave matter. Among ourselves it should be\\nmentioned quite frankly, and yet we will never speak of it publicly.\\nI mean the clearing out of the Jew, the extermination of the Jewish\\nrace. This is a page of GLORY in our history which has never been\\nwritten and is never to be written.\" [Emphasis mine--rje]\\n\\tThe German word Himmler uses that is translated as\\n\"extermination\" is *Ausrottung*.\\n\\tWolfe said a more precise translation would be \"extirpation\"\\nor \"tearing up by the roots.\"\\n\\tIn his handwritten notes, Himmler used a euphemism,\\n\"Judenevakuierung\" or \"evacuation of the Jews.\" But archives\\nofficials said \"extermination\" is the word he actually\\nspoke--preserved on an audiotape in the archives.\\n\\tHimmler, who oversaw Adolf Hitler\\'s \"final solution of the\\nJewish question,\" committed suicide after he was arrested in 1945.\\n\\tThe National Archives exhibit, on display through May 16, is\\na preview of the opening of the United States Holocaust Memorial\\nMuseum here on April 26.\\n\\tThe National Archives exhibit includes a page each of\\nHimmler\\'s handwritten notes, a typed transcript from the speech and\\nan offical translation made for the Nuremberg war crimes trials.\\n\\n\\t---From p.A10 of Saturday\\'s L.A. Times, 4/17/93\\n\\t(Associated Press)\\n-- \\n(revans@math.ucsd.edu)\\n',\n", + " 'From: livesey@solntze.wpd.sgi.com (Jon Livesey)\\nSubject: Re: free moral agency\\nOrganization: sgi\\nLines: 19\\nDistribution: world\\nNNTP-Posting-Host: solntze.wpd.sgi.com\\n\\nIn article <16BB9DBA8.I3150101@dbstu1.rz.tu-bs.de>, I3150101@dbstu1.rz.tu-bs.de (Benedikt Rosenau) writes:\\n|> In article <1r79j3$ak2@fido.asd.sgi.com>\\n|> livesey@solntze.wpd.sgi.com (Jon Livesey) writes:\\n|> \\n|> (Deletion)\\n|> >So, Mr Conner. Is Bobby Mozumder a myth, a performing artist,\\n|> >a real Moslem. a crackpot, a provocateur? You know everything\\n|> >and read all minds: why don\\'t you tell us?\\n|> >\\n|> \\n|> As a side note: isn\\'t it telling that one cannot say for sure if\\n|> Bobby Mozunder is a firm believer or a provocateur? What does\\n|> that say about religious beliefs?\\n\\nI think that\\'s an insightful comment. Especially when at the\\nsame time we have people like Bill \"Projector\" Conner complaining\\nthat we are posting parodies.\\n\\njon.\\n',\n", + " 'From: doyle+@pitt.edu (Howard R Doyle)\\nSubject: Re: Barbecued foods and health risk\\nOrganization: Pittsburgh Transplan Institute\\nLines: 18\\n\\nIn article dubin@spot.colorado.edu writes:\\n\\n>\\n>I recall that the issue is that fat on the meat liquifies and then\\n>drips down onto the hot elements--whatever they are--that the extreme\\n>heat then catalyzes something in the fat into one or more\\n>carcinogens which then are carried back up onto the meat in the smoke.\\n>\\n \\n\\nHmmm. Care to be more vague?\\n\\n\\n=======================================\\nHoward Doyle\\ndoyle+@pitt.edu\\n\\n\\n',\n", + " 'From: lhenso@unf6.cis.unf.edu (Larry Henson)\\nSubject: IBM link to Imagewriter -- HELP!! \\nOrganization: University of North Florida, Jacksonville\\nLines: 10\\n\\n\\tHello, I am trying to hook an Apple Imagewriter to my IBM Clone.\\nI seem to have a problem configuring my lpt port to accept this. How can\\nyou adjust baud, parity, etc. to fit the system? I tried MODE, but it did\\nnot work. If anyone can help, post of e-mail. Thanx.\\n\\n-- \\n\\t\"Abort, Retry, FORMAT?!?!?\\n\\tDoctor, give me the chainsaw...\\n\\tTrust me! I\\'m a scientist!\"\\n\\t\\t\\t\\tLarry Henson\\n',\n", + " \"From: viking@iastate.edu (Dan Sorenson)\\nSubject: Re: The Holocaust Revisited\\nOrganization: Iowa State University, Ames IA\\nLines: 41\\n\\nIn <1993Apr21.175443.5338@dct.ac.uk> mcsdc1jpb@dct.ac.uk (John Bell) dribbles\\nin his nappies and manages to splutter:\\n\\n\\tYou know, John, if you had kept the follow-up to line here on talk\\npolitics guns, we might have taken you a bit more seriously. It would have\\nat least implied that you had some backbone, perhaps a modicum of willingness\\nto present your views and support them. I guess we all know better now.\\n\\n>People dumb enough to give their money and possessions to a guy who says he's\\n>jesus deserve all they get\\n\\n\\tReally? That's interesting, as I was always of the opinion that\\npeople dumb enough to keep a monarchy around and support them with tax\\nfunds when said monarchy is merely a figurehead deserve all that\\nthey get. Dunkirk, for example. What? That has nothing to do with it?\\nThen enjoy your helping of foot.\\n\\n>Anyway, he killed a few feds\\n\\n\\tAnd they killed a few people of their own, including one child\\nat last report. So what? Being a federal agent is not license to kill.\\nThen there's CNN indicating that the ATF/FBI actually *DID* start the\\nfires which would mean feds killed just under 100 people. If you're\\nso hot to assign blame, make sure you don't overlook the obvious.\\n\\n>He's not the goddam hero here\\n\\n\\tMontgomery isn't much of a hero here, either. Amazing how\\ndifferent things look on the other side of the pond, isn't it? Not\\nthat what you think makes much of a difference in the USA, though, and\\nfor good reason. When you can vote I'll take your rhetoric a bit more\\nseriously. Right now, you're merely a waste of trans-atlantic bandwidth.\\n\\n>He's dead an' i'm happy!!!!!\\n\\n\\tProof positive that ignorance really is bliss.\\n\\n< Dan Sorenson, DoD #1066 z1dan@exnet.iastate.edu viking@iastate.edu >\\n< ISU only censors what I read, not what I say. Don't blame them. >\\n< USENET: Post to exotic, distant machines. Meet exciting, >\\n< unusual people. And flame them. >\\n\",\n", + " \"From: nyeda@cnsvax.uwec.edu (David Nye)\\nSubject: Re: Migraines and scans\\nOrganization: University of Wisconsin Eau Claire\\nLines: 16\\n\\n[reply to geb@cs.pitt.edu (Gordon Banks)]\\n \\n>>If you can get away without ever ordering imaging for a patient with\\n>>an obviously benign headache syndrome, I'd like to hear what your magic\\n>>is.\\n \\n>I certainly can't always avoid it (unless I want to be rude, I suppose).\\n \\nI made a decision a while back that I will not be bullied into getting\\nstudies like a CT or MRI when I don't think they are indicated. If the\\npatient won't accept my explanation of why I think the study would be a\\nwaste of time and money, I suggest a second opinion.\\n \\nDavid Nye (nyeda@cnsvax.uwec.edu). Midelfort Clinic, Eau Claire WI\\nThis is patently absurd; but whoever wishes to become a philosopher\\nmust learn not to be frightened by absurdities. -- Bertrand Russell\\n\",\n", + " 'From: imagesyz@aol.com\\nSubject: PUT ANY PRINTED BOOK ON DISK\\nOrganization: UTexas Mail-to-News Gateway\\nLines: 6\\nNNTP-Posting-Host: cs.utexas.edu\\n\\nYes, we Put any book on disk for you. Fast and accurate. \\n\\nWe can also put any typewritten or printed articles, thesis, term papers,\\netc. on disk for you.\\n\\nInterested? Reply for details.\\n',\n", + " 'From: AS.VXF@forsythe.stanford.edu (Vic Filler)\\nSubject: Re: Deir Yassin\\nOrganization: Stanford University\\nLines: 56\\nNNTP-Posting-Host: morrow.stanford.edu\\n\\nIn article <1993Apr19.204243.19392@cs.rit.edu>,\\nbdm@cs.rit.edu (Brendan D McKay) writes:\\n>\\n>I have previously posted quotations by Irgun participants that\\n>totally destroys Begin\\'s whitewash. I have no particular desire\\n>to post it yet again.\\n>\\n>Brendan.\\n>(normally bdm@cs.anu.edu.au)\\n\\n\\nYou apparently think you are some sort of one-man judge and jury who\\ncan declare \"total\" victory and then sit back and enjoy the\\napplause. But you\\'ve picked the wrong topic if you think a few\\nrigged \"quotations\" can sustain the legend and lie of the Deir\\nYassin \"massacre.\"\\n\\nYou have a lot to learn when it comes to historical methodology.\\nAt the most basic level, you should know that there is a big\\ndifference between weighing evidence fairly and merely finding\\n\"quotations\" that support your preset opinions.\\n\\nIf you have studied the history of Israel at all you must know that\\nmany of the sources of your \"quotations\" have an axe to grind, and\\ntherefore you must be very careful about whom you \"quote.\" For\\nexample, Meir Pa\\'il, whom you cite, was indeed a general, a scholar,\\nand a war hero. But that doesn\\'t mean everything that comes out of\\nhis mouth is gold. In fact (and here your lack of experience\\nshows), Pa\\'il is such a fanatic, embittered leftist that much of his\\nanti-Israel blathering (forget about anti-Irgun blathering) would be\\nconsidered something like treason in non-Israel contexts. But of\\ncourse you don\\'t consider this AT ALL when you find a juicy\\n\"quotation\" that you can use to attack Israel.\\n\\nBenny Morris (of Hashomer Hatzair) represents himself as a \"scholar\"\\nwhen he rehashes the old attacks on the Irgun. Don\\'t be fooled.\\nIt\\'s just the old Zionist ideological catfight, surfacing as an\\nattack on the (then-) Likud government. If you will look closely at\\nthe section on Deir Yassin in his book on the War of Independence,\\nyou will see his \"indictment\" to be pure hot air. And this is the\\nBEST HE CAN DO after decades of digging for any sort of damning\\nevidence. Unfortunately for him, because his book parades itself as\\n\"scholarly,\" he is forced to put footnotes. So you can clearly see\\nthat his Deir Yassin account is based on nothing.\\n\\nThe Deir Yassin \"massacre\" never took place as the propagandists\\ntell it, any more than the Sabra and Shatila \"massacres.\" Do you get\\nthe feeling people like to blame the Jews for \"massacres,\" even if\\nthey have to make them up? It must sound spicy. Even some Jews\\nlike to do it, for reasons of their own.\\n\\nPlease, don\\'t confuse any of you Deir Yassin \"massacre\" stuff\\nwith facts or scholarship. You should stick to Begin\\'s version\\nunless you find something serious to contradict it.\\n\\nVic\\n',\n", + " \"From: jayne@mmalt.guild.org (Jayne Kulikauskas)\\nSubject: Re: technology\\nOrganization: Kulikauskas home\\nLines: 28\\n\\nmcovingt@aisun3.ai.uga.edu (Michael Covington) writes:\\n\\n> ...the computer is not a fantasyland where one's responsibilities\\n> disappear. The people on the net are real; slander and deception carried\\n> out by net are just as wrong as they would be if carried out on paper\\n> or face to face.\\n\\nWell said, Michael!\\n\\nThe Catholic traditon has a list of behaviours called the Spiritual \\nWorks of Mercy:\\n\\nadmonish the sinner\\ninstruct the ignorant\\ncounsel the doubtful\\ncomfort the sorrowful\\nbear wrongs patiently\\nforgive all injury\\npray for the living and the dead (yes, I know there is some controversy \\n on this and I don't want to argue about it.)\\n\\nThese are all things that have a direct application to usenet. People \\nask questions and express doubts. Some are in need of comfort or \\nprayers. Imagine what would happen to flame wars if we bore wrongs \\npatiently and forgave injuries. I would add that it is probably more \\nappropriate to do any admonishing by private email than publicly.\\n\\nJayne Kulikauskas/ jayne@mmalt.guild.org\\n\",\n", + " \"Organization: University of Maine System\\nFrom: The Always Fanatical: Patrick Ellis \\nSubject: Keenan signs, Plus WALSH????????\\n <1993Apr16.235100.18268@pasteur.Berkeley.EDU>\\n <93108.121926IO11330@MAINE.MAINE.EDU>\\nLines: 25\\n\\n\\nWell I just read in the Boston Globe that while not confirming\\n(or denying) anything, Walsh may end up with the Rangers organizations\\nas an (assistant Coach?). Keenan has talked with Walsh in the past\\n(he came up to see Kariya as he will be coaching him in the worlds,\\nfunny I guess he got to watch the Ferraro brothers as well.....) I'm\\nnot sure if walsh will go, but if Keenan is getting 700,000 and walsh\\neven gets 100,000 that's a 30% pay raise for walsh (not to mention\\na nice career move....) Anyone from New York Hear anything about\\nthis????????\\n\\n Pat Ellis\\n\\n\\n\\n\\nP.S. GO BRUINS GO UMAINE BLACK BEARS 42-1-2 NUMBER 1......\\n\\n HOCKEY EAST REGULARS SEASON CHAMPIONS.....\\n HOCKEY EAST TOURNAMENT CHAMPIONS>......\\n PAUL KARIYA, HOBEY BAKER AWARD WINNER.......\\n NCAA DIV. 1 HOCKEY TOURNAMENT CHAMPIONS!!!!!!!!!!!!!!!!!!!\\n\\n\\n M-A-I-N-E GGGGOOOOOOO BBBLLLUUEEEE!\\n\",\n", + " 'From: fish@daacdev1.stx.com (John Vanderpool)\\nSubject: anybody have patched version of xroach for tvtwm???\\nOrganization: NASA Goddard Space Flight Center - Greenbelt, MD USA\\nLines: 19\\n\\ni read about the code you can put in to most applications so that\\nthe virtual desktop stuff in tvtwm doesn\\'t confuse them (or is the\\napplication confusing the virtual-ness? [chicken & the egg?]\\n\\nbut wanted to see if it has been applied to a version of xroach\\n\\ni never could quite get ssetroot to work either? any suggestions.\\nluckily xv -root -quit does the trick for the most part\\n\\nalso, i\\'ld be quite interested in hearing more about the icon region\\nfor each virtual window under tvtwm that i read a thread on last week\\nhere\\n\\tthanx,\\n\\t\\tfish\\n--\\nJohn R. Vanderpool INTERNET: fish@eosdata.gsfc.nasa.gov\\nNASA/GSFC/HSTX VOX: 301-513-1683 \\n\"So you run, and you run, to catch up with the sun, but it\\'s sinking,\\n racing around to come up behind you again.\" -rw/dg\\n',\n", + " 'From: geb@cs.pitt.edu (Gordon Banks)\\nSubject: Re: Blindsight\\nReply-To: geb@cs.pitt.edu (Gordon Banks)\\nOrganization: Univ. of Pittsburgh Computer Science\\nLines: 14\\n\\nIn article <1993Mar26.185117.21400@cs.rochester.edu> fulk@cs.rochester.edu (Mark Fulk) writes:\\n>In article <33587@castle.ed.ac.uk> hrvoje@castle.ed.ac.uk (H Hecimovic) writes:\\n>compensation? Or are lesions localized to the SC too rare to be able\\n>to tell?\\n\\nExtremely rare in humans. Usually so much else is involved you\\'d\\njust have a mess to sort out. Birds do all vision in the tectum,\\ndon\\'t they? \\n\\n-- \\n----------------------------------------------------------------------------\\nGordon Banks N3JXP | \"Skepticism is the chastity of the intellect, and\\ngeb@cadre.dsl.pitt.edu | it is shameful to surrender it too soon.\" \\n----------------------------------------------------------------------------\\n',\n", + " 'From: randy@msc.cornell.edu (Randy Ellingson)\\nSubject: re: Canon BJ200 (BubbleJet) and HP DeskJet 500...\\nKeywords: printer\\nOrganization: Cornell University\\nLines: 43\\n\\n\\nIn article <1993Apr18.041741.6051@CSD-NewsHost.Stanford.EDU> kayman@csd-d-3.Stanford.EDU (Robert Kayman) writes:\\n>\\n>Hello fellow \\'netters.\\n>\\n>I am asking for your collected wisdom to help me decide which printer I\\n>should purchase, the Canon BJ200 (BubbleJet) vs. the HP DeskJet 500. I\\n>thought, rather than trust the salesperson, I would benefit more from\\n>relying on those who use these printers daily and use them to their fullest\\n>potential. And, I figure all of you will know their benefits and pitfalls\\n>better than any salesperson.\\n>\\n>Now, I would greatly appreciate any information you could render on the 360\\n>dpi of the Canon BubbleJet vs. the Hewlett-Packard DeskJet 500 (300 dpi).\\n>Which is faster? Is there a noticeable print quality difference,\\n>particularly in graphics? Which will handle large documents better (75\\n>pages or more) -- any personal experience on either will be appreciated\\n>here? Which works better under Windows 3.1 (any driver problems, etc)?\\n>Cost of memory, font packages, toner cartridges, etc? Basically, your\\n>personal experiences with either of these machines is highly desirable,\\n>both good and bad.\\n>\\n>Advance kudos and thanks for all your input. E-mail or news posting is\\n>readily acceptable, but e-mail is encouraged (limits bandwidth).\\n>\\n>--\\n>Sincerely,\\n>\\n>Robert Kayman\\t----\\tkayman@cs.stanford.edu -or- cpa@cs.stanford.edu\\n>\\n>\"In theory, theory and practice are the same. In practice, they are not.\"\\n>\"You mean you want the revised revision of the original revised revision\\n> revised?!?!\"\\n\\n\\nSorry for the followup, but I couldn\\'y get email through on your addresses.\\nI, too, am trying to decide between these two printers, and I would like to\\nhear what users of these printers have to say about the questions above.\\n\\nThank you.\\n\\nRandy\\t\\trandy@msc.cornell.edu\\n\\n',\n", + " 'From: dks@world.std.com (David K Shute)\\nSubject: Re: Rumours about 3DO ???\\nOrganization: The World Public Access UNIX, Brookline, MA\\nLines: 42\\n\\njohnm@spudge.lonestar.org (John Munsch) writes:\\n\\n>In article rutgers!viamar!kmembry writes:\\n>>Read Issue #2 of Wired Magazine. It has a long article on the \"hype\" of\\n>>3DO. I\\'ve noticed that every article talks with the designers and how\\n>>\"great\" it is, but never show any pictures of the output (or at least\\n>>pictures that one can understand)\\n\\n>Gamepro magazine published pictures a few months ago and Computer Chronicles\\n>(a program that is syndicated to public tv stations around the nation) spent\\n>several minutes on it when it was shown at CES. It was very impressive what\\n>it can do in real time.\\n\\n>John Munsch\\n\\nThe April 1993 edition of MIX Magazine carries a story on 3DO which\\nincludes pictures of the unit, a schematic of what\\'s inside and some\\nindication from the people at 3DO as to where they intend to go and in\\nwhat stages. (MIX is a trade rag aimed at the professional sound\\nengineering community.)\\n\\nThe schematic shows a central DMA Engine connecting and mediating between\\ntwo Graphics Animation processors (32 bit bus), a 32-bit RISC processor\\nwith math co-processor, Video Decomp module, a control port, an expansion\\nport (where 3DO hangs its double-fast CD player), 1Mb DRAM, an optional\\nvideo port (for editing video) and on the outbound side 1MB VRAM to Video\\nProcessor to TV chain parallel with a DSP to sound chain. \\n\\nThey promise Red Book CD-quality audio, full 30 fps video and a future\\nconnection path to your PC via a PC expansion card.\\n\\nI am not informed enough to have an opinion about the various means and\\nmethods discussed here. The article, written by Philip De Lancie, does\\ncover the other machines mentioned in this thread. I come from the PC\\nTCP/IP world and see a tremendous potential for bringing connectedness to\\nthe educated consumer; 3DO seems to have the right business partners to\\nmake this happen. \\n\\nHope this helps.\\n\\nDavid Shute\\nEMAIL: dks@world.std.com\\n',\n", + " \"From: zorro@picasso.ocis.temple.edu (John Grabowski)\\nSubject: Re: Taurus/Sable rotor recall\\nOrganization: Temple University\\nLines: 23\\nNntp-Posting-Host: picasso.ocis.temple.edu\\nX-Newsreader: TIN [version 1.1 PL9]\\n\\nAntonio L. Balsamo (Save the wails) (balsamo@stargl.enet.dec.com) wrote:\\n\\n: From: OPDBS@vm.cc.latech.edu\\n: Subject: Taurus/Sable rotor recall\\n\\n: My '92 Taurus GL with only 26k on the clock also has rotor warp.\\n: Apparently they HAVEN'T fixed the problem yet. But try convincing the Ford\\n: service person to fix it for free...Right!!!\\n\\n: Tony\\n\\n\\nGads, I have heard so many horror stories with Taurus and Sable cars! I thought\\nthese were premium American automobiles. The way they sell, you'd think so.\\nIs Ford really no better than in the late '70s when it was turning out tin\\ncans like the Granada and the Fairmount? Which would you get, a Taurus or \\na Camry or Accord?\\n\\n\\nJohn\\nzorro@picasso.ocis.temple.edu\\nzorro@astro.ocis.temple.edu\\n^^^^^^^^^^^^^^^^^^^^^^^^^^^\\n\",\n", + " 'From: kmr4@po.CWRU.edu (Keith M. Ryan)\\nSubject: Re: \"Cruel\" (was Re: keith@cco.caltech.edu (Keith Allan Schneider) writes:\\n\\n>>>This whole thread started because of a discussion about whether\\n>>>or not the death penalty constituted cruel punishment, which is forbidden\\n>>>by the US Constitution.\\n>>Yes, but they didn\\'t say what they meant by \"cruel\", which is why\\n>>a) you have the Supreme Court, and b) it makes no sense to refer\\n>>to the Constitution, which is quite silent on the meaning of the\\n>>word \"cruel\".\\n>\\n>They spent quite a bit of time on the wording of the Constitution. They\\n>picked words whose meanings implied the intent. We have already looked\\n>in the dictionary to define the word. Isn\\'t this sufficient?\\n\\n\\tWe only need to ask the question: what did the founding fathers \\nconsider cruel and unusual punishment?\\n\\n\\tHanging? Hanging there slowing being strangled would be very \\npainful, both physically and psychologicall, I imagine.\\n\\n\\tFiring squad ? [ note: not a clean way to die back in those \\ndays ], etc. \\n\\n\\tAll would be considered cruel under your definition.\\n\\tAll were allowed under the constitution by the founding fathers.\\n\\n--- \\n\\n \" Whatever promises that have been made can than be broken. \"\\n\\n John Laws, a man without the honor to keep his given word.\\n\\n\\n',\n", + " 'From: jbarrett@aludra.usc.edu (Jonathan Barrett)\\nSubject: Re: Too Many Europeans in NHL\\nArticle-I.D.: aludra.1pr2c9INNg56\\nOrganization: University of Southern California, Los Angeles, CA\\nLines: 15\\nNNTP-Posting-Host: aludra.usc.edu\\n\\nrauser@fraser.sfu.ca (Richard John Rauser) writes:\\n\\n> Okay, the stretcher remark was a little carried away. But the point is that\\n>I resent NHL owners drafting all these Europeans INSTEAD of Canadians (and\\n>some Americans). It denies young Canadians the opportunity to play in THEIR\\n>NORTH AMERICAN LEAGUE and instead gives it to Europeans, who aren\\'t even\\n>better hockey players. It\\'s all hype. This \"European mystique\" is sickening,\\n>but until NHL owners get over it, Canadian and American players will continue\\n>to have to fight harder to get drafted into their own league.\\n\\nAccording to what reasonable principle of justice does standing in intimate\\ngeographical and psychological relations to a league give one some privileged\\nright to play in it?\\n\\nA European\\n',\n", + " \"From: stephen@orchid.UCSC.EDU ()\\nSubject: Stop forcing me! --> Re: New Study Out On Gay Percentage\\nOrganization: Santa Cruz\\nLines: 20\\nNNTP-Posting-Host: orchid.ucsc.edu\\n\\nIn article <15440@optilink.COM> cramer@optilink.COM (Clayton Cramer) writes:\\n>In article , gsh7w@fermi.clas.Virginia.EDU (Greg Hennessy) writes:\\n>> \\n>> Ah, ending discrimination is now fascism. \\n>> \\n>> -Greg Hennessy, University of Virginia\\n>\\n>When you force people to associate with others against their will,\\n>yes.\\n>\\n\\nYou are forced everyday to associate with people that you do not\\nwish to, and there isn't even a law that makes you do it. But \\nyou do, becuase you want to go shopping, or go to work, or go to\\na public park, or go to a baseball game, etc.\\n\\nThe process of ending discrimination is based upon the rational\\nconcept 'that all men (women, people) are created equal', have\\nthe same equal standing and chances in society.\\n\\n\",\n", + " 'From: roney@selkirk.sfu.ca (Chris J. Roney)\\nSubject: Re: div. and conf. names\\nOrganization: Simon Fraser University, Burnaby, B.C., Canada\\nDistribution: na\\nLines: 33\\n\\nepritcha@s.psych.uiuc.edu ( Evan Pritchard) writes:\\n\\n\\n>\\tNo, I would not want to see a Ballard division. But to say\\n>that these owners are assholes, hence all NHL management people are\\n>assholes would be fallacious. Conn Smythe, for example, was a classy\\n>individual (from what I have heard). \\n\\n Depends on what you mean by classy. From what I\\'ve heard about\\nhim, he was about as classy as Harold Ballard. Only difference was\\nthat back then almost all the owners were like that, so he seemed okay\\nby comparison. Read the book \"Net Worth\" for one view of what Smythe\\n(and Norris and Adams and Campbell) were like. \\n\\n>\\tAlso, isn\\'t the point of \"professional\" hockey to make money\\n>for all those involved, which would include the players. What I think\\n>you might be saying is that the players have not made as much money as\\n>should have been their due, and it is the players that are what make\\n>the game great not the people who put them on the ice, so naming\\n>division after management people rather than players is adding insult\\n>(in the form of lesser recognition) to injury (less money than was\\n>deserved). \\n\\n\\n Even more specifically, I think what Roger was saying (and I said\\nit previously too) is that these are NOT the people who made the\\nleague great, so why should divisions, conferences etc. be named after\\nthem instead of Morenz, Vezina, Howe, Orr etc., the people who DID\\nmake it great. Instead, the NHL has chosen to immortalize the men who\\ngot rich off of the men who made the game great. \\n\\n-- \\nChris Roney (e-mail chris_roney@sfu.ca)\\n',\n", + " 'From: daveka@microsoft.com (Dave Kappl)\\nSubject: Re: Abyss--breathing fluids\\nOrganization: Microsoft Corp.\\nDistribution: usa\\nLines: 26\\n\\nIn article <1r8esd$lrh@agate.berkeley.edu> isaackuo@skippy.berkeley.edu wrote:\\n> Are breathable liquids possible?\\n> \\n> I remember seeing an old Nova or The Nature of Things where this idea was\\n> touched upon (it might have been some other TV show). If nothing else, I know\\n> such liquids ARE possible because...\\n> \\n> They showed a large glass full of this liquid, and put a white mouse (rat?) in\\n> it. Since the liquid was not dense, the mouse would float, so it was held down\\n> by tongs clutching its tail. The thing struggled quite a bit, but it was\\n> certainly held down long enough so that it was breathing the liquid. It never\\n> did slow down in its frantic attempts to swim to the top.\\n> \\n> Now, this may not have been the most humane of demonstrations, but it certainly\\n> shows breathable liquids can be made.\\n> -- \\n> *Isaac Kuo (isaackuo@math.berkeley.edu)\\t* ___\\n> *\\t\\t\\t\\t\\t* _____/_o_\\\\_____\\n> *\\tTwinkle, twinkle, little .sig,\\t*(==(/_______\\\\)==)\\n> *\\tKeep it less than 5 lines big.\\t* \\\\==\\\\/ \\\\/==/\\n\\nThis was on \"That\\'s Incredible\" several years ago. The volume of liquid\\nthe rat had to breath was considerably smaller than what a human would have\\nto breath, so maybe it is possible for a rat but not a human.\\n\\nDaveTheRave\\n',\n", + " 'From: db7n+@andrew.cmu.edu (D. Andrew Byler)\\nSubject: Re: Sabbath Admissions 5of5\\nOrganization: Freshman, Civil Engineering, Carnegie Mellon, Pittsburgh, PA\\nLines: 34\\n\\nAll of the arguments concerning the Sabbath ought to make the point\\npretty clear - anyone outside of the Catholic or Orthodox orAnglican or\\nMonophysite churches ourght to worship on Saturday if they are really\\nsola scriptura. Otherwise, they are following a law put into effect by\\nthe Church, and only the above Chruches really recognize any power of\\nthe Chruch to do so.\\n\\nAndy Byler\\n\\n[You will note that nothing in the FAQ said anything about the Church\\nestablishing or changing a law. The argument against the Sabbath is\\nthat it is part of the ceremonial law, and like the rest of the\\nceremonial law is not binding on Christians. This argument is based\\non Paul\\'s letters, Acts, and in a more general sense, Jesus\\'\\nteachings. Further, most people argue that Scripture shows worship\\noccuring on Sunday, and Paul endorsing it. I understand that these\\npoints are disputed, and do not want to go around the dispute one more\\ntime. The point I\\'m making here is not that these arguments are\\nright, but that the backing they claim is Scripture.\\n\\nAccepting the principle of \"sola scriptura\" does not commit us to\\nobeying the entire Jewish Law. Acts 15 and Paul\\'s letters are quite\\nclear on that. I think even the SDA\\'s accept it. The disagreement is\\non where the Bible would have us place the line.\\n\\nBy the way, Protestants do give authority to the church, in matters\\nthat are not dictated by God. That\\'s why churches are free to\\ndetermine their own liturgies, church polity, etc. If you accept that\\nthe Sabbath is not binding on Christians, then the day of worship\\nfalls into the category of items on which individual Christians or\\n(since worship is by its nature a group activity) churches are free to\\ndecide.\\n\\n--clh]\\n',\n", + " \"From: feustel@netcom.com (David Feustel)\\nSubject: Re: BATF/FBI Murders Almost Everyone in Waco Today! 4/19\\nOrganization: DAFCO: OS/2 Software Support & Consulting\\nLines: 10\\n\\nIt's truly unfortunate that we don't have the Japanese tradition of\\nHari-Kari for public officials to salvage some tatters of honor after\\nthey commit offenses against humanity like were perpetrated in Waco,\\nTexas today.\\n-- \\nDave Feustel N9MYI \\n\\nI'm beginning to look forward to reaching the %100 allocation of taxes\\nto pay for the interest on the national debt. At that point the\\nfederal government will be will go out of business for lack of funds.\\n\",\n", + " 'From: ivan@IRO.UMontreal.CA (Catalin Ivan)\\nSubject: IDE/ESDI coexistence\\nSummary: How to make IDE and ESDI controllers live together???\\nKeywords: HD, controller, IDE, ESDI, disks\\nOrganization: Universite de Montreal\\nLines: 57\\n\\nHello all,\\n\\nYou, the Net, are my last resort, or I\\'ll just change my job :-)\\nThis might be a FAQ (e.g. mixing controllers) but haven\\'t seen any.\\n\\nSys: 486/33, AMI BIOS, and your run-of-the mill multi-I/O card with\\nserials/paral/floppies and \\n\\t- IDE controller \"clone\" Gw2760-EX\\n\\t\\tthere are no jumpers affecting the HD or ctrller :-( \\n\\t- Quantum ProDrive LPS (3\" 105M type 47: 755cyl, 16hds, 17spt).\\n\\nPb: I want to bring in this (2nd hand, neat price):\\n\\t- Maxtor XT-B380E (~330M, <15ms, BIOS type 1, ctrller manages\\n\\t\\tthe real geom: 1630cyl, 8hds, 52spt)\\n\\t- Western Digital WD1007V-SE1 ESDI ctrller: no floppies.\\n\\t\\t(jumpers set IRQ 14/15, hw port addr 1F0/170,\\n\\t\\tand BIOS addr CC00/C800, and other floppy/format stuff)\\n\\nGoal: have the WD ESDI as a secondary/controller and have both disks \\nsimultaneously working. Being able to boot from the ESDI too would be \\na nice bonus but is not expected.\\n\\nUltimate goal: have room for Linux et al.\\nEx of scheme I have in mind: boot from IDE (HD or floppy) and mount\\nthe ESDI as root. Not booting from ESDI, or even from HD, is acceptable.\\n\\nI have tried numerous (all!!) combinations to no avail. They work alone,\\nor can coexist witout hang-ups but can\\'t access the ESDI or the IDE, \\ndepending on setup/jumpers.\\n\\nUseful suggestions might be:\\n- How do I tell the BIOS setup about two ctrllers (I guess the 2nd HD\\nis expected to hang off the same ctrller as the 1st).\\n- Do I need some driver to make it work?\\n- --- \" --- some new BIOS/chip for any of these cards?\\n- do I have to buy another controller to make them HDs happy? IDE\\nis cheaper; ESDI is hard to find and rather costly. I\\'m not \\nrich or I wouldnt\\' try to scavenge around, so soft slns are preferred.\\n- adapters of some sort; I can hold a soldering iron, and can change\\na chip or put a jumper!\\n\\nAlso useful:\\n- BBS or Hot-line of Western Digital.\\n- ftp archives with relevant info.\\n- expert stores in Toronto, Ontario area (that would be a miracle! haven\\'t\\nseen any really knowledgeable ppl in a while)\\n- any hints into inner workings of the system ... \\n- anything else that helped you in similar situations (prayers :-) )\\n\\nDirect or posted replies are ok.\\n\\tMany thanks,\\n\\t\\t\\tCat.\\n--\\n////// /// // / / / / / / / / / / / \\nCatalin Ivan - email: ivan@Iro.UMontreal.CA - tel:(416) 324.8704\\n Human-Computer INTERACTION Humain-Machine \\nUniversite de Montreal - Informatique et Recherche Operationelle\\n',\n", + " \"From: SITUNAYA@IBM3090.BHAM.AC.UK\\nSubject: Any good Morphing Anims...\\nOrganization: The University of Birmingham, United Kingdom\\nLines: 8\\nNNTP-Posting-Host: ibm3090.bham.ac.uk\\n\\n==============================================================================\\nHas anyone created any interesting animations using Dmorph\\nI seem to be unable to create anything that looks remotely\\nrealistic although this is probably due to the crappy GIF's\\nat I am using (One of Captain Kirk and One of Spock), i'm a\\nbit of a 'Trekker'. What are the best type of pictures to use.\\nthanks........\\n A.Situnayake\\n\",\n", + " 'From: mac18@po.CWRU.Edu (Michael A. Cornell)\\nSubject: Hey FLYERS Fans!\\nArticle-I.D.: usenet.1pqvti$74p\\nReply-To: mac18@po.CWRU.Edu (Michael A. Cornell)\\nOrganization: Case Western Reserve University, Cleveland, OH (USA)\\nLines: 23\\nNNTP-Posting-Host: slc12.ins.cwru.edu\\n\\n\\nDid you ever notice how many people on the net have trouble in the\\ncomparitively easy task of spelling the nick name of our fair city? I\\nnever knew that Philadelphia becomes Phillie or Philli when spoken of. So\\nfor all you who don\\'t know yet here\\'s a _little_ clue.\\n\\n\\tIT IS SPELLED: P H I L L Y\\n\\nOK...thank you.\\n\\nOh yeah, about that drug-induced trade rumor....I don\\'t think the Sniders\\nare that stupid...the rumor you should be looking into is Mike Keenan\\ncoming back to coach the FLYERS.\\n\\nlater\\n\\nMike\\n\\n-- \\nMike Cornell | \"There are a great many people in the country today who,\\nmac18@po.cwru.edu| through no fault of their own, are sane.\" -Monty Python\\n----------------------------------------------------------------------------\\nLet\\'s Go Flyers! Stanley Cup in \\'94! \"OH! My brain hurts!\"- Mr D. P. Gumby\\n',\n", + " \"From: qazi@csd4.csd.uwm.edu (Aamir Hafeez Qazi)\\nSubject: Re: How is Cizeta V16T doing?\\nOrganization: University of Wisconsin - Milwaukee\\nLines: 20\\nReply-To: qazi@csd4.csd.uwm.edu\\nNNTP-Posting-Host: 129.89.7.4\\nOriginator: qazi@csd4.csd.uwm.edu\\n\\n> cs173sbw@sdcc5.ucsd.edu (cs173sbw) writes:\\n> \\n>>Does anyone know what happpened to the venerable V16T!? Has Claudio\\n>>done any enhancement to it? Are there any pictures of this beast I\\n>>can ftp down somewhere?\\n>>THanks\\n>>p.s. Better, seen any RC model of this beauty? :)\\n\\n--AutoWeek had an article about the car within the past six weeks.\\n It was the issue with the Diablo VT AWD on the cover. Naturally, I\\n don't remember the date of the issue offhand, but I can check it if\\n anyone is interested. \\n\\n--Aamir Qazi\\n\\n-- \\n\\nAamir Qazi\\nqazi@csd4.csd.uwm.edu\\n--Why should I care? I'd rather watch drying paint.\\n\",\n", + " \"From: kdw@icd.ab.com (Kenneth D. Whitehead)\\nSubject: Re: Change of name ??\\nNntp-Posting-Host: sora.icd.ab.com\\nOrganization: Allen-Bradley Company, Inc.\\nLines: 47\\n\\n\\nIn article , Thomas Parsli \\n writes:\\n> \\t1. Make a new Newsgroup called talk.politics.guns.PARANOID or \\n> \\ttalk.politics.guns.THEY'R.HERE.TO.TAKE.ME.AWAY\\n\\n\\nWell, may I point out that paranoia is an IRRATIONAL fear, without basis\\nin reality. As we've seen here in the US, there is nothing irrational\\nabout it. Perhaps you folks in Finland have been down on your knees\\nbeing good little boys and girls so that the former Soviet Union didn't\\ncome across the border and stomp the snot out of you for so long that\\nyou just figure everybody should be so accomodating to tyranny.\\n\\n\\n> \\n> \\t2. Move all postings about waco and burn to (guess where)..\\n> \\n> \\t3. Stop posting #### on this newsgroup\\n\\n\\nIf you don't like us talking about political issues involving attacks\\non people for owning guns, don't read talk.politics.guns.\\n\\n\\n> \\n> \\tWe are all SO glad you're trying to save us from the evil \\n> \\tgoverment, but would you mail this #### in regular mail to\\n> \\tlet's say 1000 people ????\\n> \\t\\n\\nNobody's trying to save YOU from anything, so butt out. I couldn't\\ncare less about what somebody on the other side of the world thinks \\nabout this. Of course, you do have a right to an opinion... but I've\\nalways figured that opinons are like hemmorhoids. Every asshole's\\ngot them, I just don't care about yours. \\n\\n\\n\\n **************************************************************************\\n* I remember what I was doing * Bad boy, whatcha gonna do * \\n* when I heard that JFK had been shot. * Whatcha gonna do *\\n* Will you remember the Battle of Waco? * when they come for you... *\\n ***************************************************************************\\nKen Whitehead (kdw@odin.icd.ab.com)\\n\\n\\n\",\n", + " 'From: jcopelan@nyx.cs.du.edu (The One and Only)\\nSubject: Re: New Member\\nOrganization: Salvation Army Draft Board\\nLines: 28\\n\\nIn article dfuller@portal.hq.videocart.com (Dave Fuller) writes:\\n>\\n> Hello. I just started reading this group today, and I think I am going\\n>to be a large participant in its daily postings. I liked the section of\\n>the FAQ about constructing logical arguments - well done. I am an atheist,\\n>but I do not try to turn other people into atheists. I only try to figure\\n>why people believe the way they do - I don\\'t much care if they have a \\n>different view than I do. When it comes down to it . . . I could be wrong.\\n>I am willing to admit the possibility - something religious followers \\n>dont seem to have the capability to do.\\n>\\n> Happy to be aboard !\\n>\\n>Dave Fuller\\n>dfuller@portal.hq.videocart.com\\n\\nWelcome. I am the official keeper of the list of nicknames that people\\nare known by on alt.atheism (didn\\'t know we had such a list, did you).\\nYour have been awarded the nickname of \"Buckminster.\" So the next time\\nyou post an article, sign with your nickname like so:\\nDave \"Buckminster\" Fuller. Thanks again.\\n\\nJim \"Humor means never having to say you\\'re sorry\" Copeland\\n--\\nIf God is dead and the actor plays his part | -- Sting,\\nHis words of fear will find their way to a place in your heart | History\\nWithout the voice of reason every faith is its own curse | Will Teach Us\\nWithout freedom from the past things can only get worse | Nothing\\n',\n", + " \"From: hammerl@acsu.buffalo.edu (Valerie S. Hammerl)\\nSubject: Re: Octopus in Detroit?\\nOrganization: UB\\nLines: 16\\nNntp-Posting-Host: autarch.acsu.buffalo.edu\\n\\nIn article <1993Apr17.062622.25380@news.clarkson.edu> farenebt@logic.camp.clarkson.edu (Droopy) writes:\\n\\n>In fact, the tradition has been passed down to their affiliate\\n>in Adirondack. In Gm 6 of last yr's finals, an 8 legged creature was\\n>hurled onto the frozen pond and landed right at the feet of ref\\n>Lance Roberts.\\n\\nIt may have been passed to Toronto, but I've even seen an octopus at\\nthe Aud -- last year's Bruins-Sabres game. I knew all about the\\nDetroit version, but seeing at the Aud was a bit puzzling. :-)\\n\\n-- \\nValerie Hammerl\\t\\t\\tBirtday -(n)- An event when friends get \\nhammerl@acsu.buffalo.edu\\ttogether, set your dessert on fire, then\\nacscvjh@ubms.cc.buffalo.edu\\tlaugh and sing while you frantically try \\nv085pwwpz@ubvms.cc.buffalo.edu to blow it out. \\n\",\n", + " 'From: mimir@stein.u.washington.edu (Grendel Grettisson)\\nSubject: Re: Rosicrucian Order(s) ?!\\nOrganization: The Friends of Loki Society\\nLines: 27\\nNNTP-Posting-Host: stein.u.washington.edu\\n\\nIn article <1qsqar$n8m@usenet.INS.CWRU.Edu> ch981@cleveland.Freenet.Edu (Tony Alicea) writes:\\n>\\n>In a previous article, ba@mrcnext.cso.uiuc.edu (B.A. Davis-Howe) says:\\n>\\n>>\\n>>ON the subject of how many competing RC orders there are, let me point out the\\n>>Golden Dawn is only the *outer* order of that tradition. The inner order is\\n>>the Roseae Rubeae et Aurae Crucis. \\n>>\\n>\\n>\\tJust wondering, do you mean the \"Lectorium Rosicrucianum\"?\\n>Warning: There is no point in arguing who\\'s \"legit\" and who\\'s not. *WHICH*\\n>Golden Dawn are you talking about?\\n\\n Which Golden Dawn? How about the original from 100 years ago?\\n\\n>\\tJust for the sake of argument, (reflecting NO affiliation)\\n>I am going to say that the TRUE Rosicrucian Order is the Fraternitas\\n>Rosae Crucis in Quakertown, Penn.,\\n>\\n>\\tAny takers? :-)\\n\\n No. No Rosicrucian would ever admit or deny being such.\\n\\nWassail,\\nGrendel Grettisson\\n\\n',\n", + " 'From: \"David R. Sacco\" \\nSubject: Re: What part of \"No\" don\\'t you understand?\\nOrganization: Misc. student, Carnegie Mellon, Pittsburgh, PA\\nLines: 27\\n\\t<1993Apr26.150845.28537@advtech.uswest.com>\\nNNTP-Posting-Host: po5.andrew.cmu.edu\\nIn-Reply-To: <1993Apr26.150845.28537@advtech.uswest.com>\\n\\nOn 26-Apr-93 in Re: What part of \"No\" don\\'t..\\nuser Steve Novak@advtech.uswe writes:\\n>> = eeb1@midway.uchicago.edu writes:\\n>>> = Steve Novak writes:\\n> \\n>>>Because, of course, that possibility existed. Meaning any student who\\n>>>really gave a shit could have a moment of silence on his/her own, which\\n>>>makes more sense than forcing those who DON\\'T want to participate to\\n>>>have to take part. What other reason is there for an organized \"moment\\n>>>of silence\"?\\n> \\n>>A \"moment of silence\" doesn\\'t mean much unless *everyone*\\n>>participates. Otherwise it\\'s not silent, now is it?\\n> \\n>The whole point is, maybe everyone _doesn\\'t want_ to participate.\\n> \\n>[...]\\n>>Blindly opposing everything with a flavor of religion in it is\\n>>utterly idiotic.\\n> \\n>Blindly opposing everything with a flavor of religion in it that is\\n>supported by taxpayer money is the only way to keep christianity from\\n>becoming the official U.S. religion.\\n> \\n>Not noticing that danger is utterly idiotic.\\nPlease provide evidence that having a moment of silence for a student\\nwho died tragically costs taxpayers money.\\n',\n", + " \"From: mcook@cs.ulowell.edu (Michael Cook)\\nSubject: CMOS Checksum error\\nOrganization: UMass-Lowell Computer Science\\nLines: 10\\n\\nRecently, I have been getting a CMOS Checksum error when I first turn on my\\ncomputer. It doesn't happen everytime I turn it on, nor can I predict when it\\nis going to happen. I have an AMI BIOS and all of the setting are lost, for\\nexample the drive types and the password options. However, the date and time\\nremain correct. If anyone knows what can be causing this, please let me know.\\n\\nThank you,\\nMike\\n\\n\\n\",\n", + " 'From: tg@cs.toronto.edu (Tom Glinos)\\nSubject: 12V to 3V and 48V at 3A\\nOrganization: Department of Computer Science, University of Toronto\\nDistribution: na\\nLines: 11\\n\\nThe subject line says it all. I\\'m working on a project\\nthat will use a car battery. I need to pull off 3V and possibly\\n48V at 3A.\\n\\nI have several ideas, but I\\'d prefer to benefit from all you\\nbrilliant people :-)\\n-- \\n=================\\n\"Conquest is easy, control is not\"\\t| Tom Glinos @ U of Toronto Statistics\\n[Star Trek TOS] \\t\\t\\t| tg@utstat.toronto.edu\\nUSL forgot this simple history lesson\\n',\n", + " 'From: rja14@cl.cam.ac.uk (Ross Anderson)\\nSubject: Re: hardware hash function\\nKeywords: hash, MD5, DES, hardware, software\\nNntp-Posting-Host: ely.cl.cam.ac.uk\\nOrganization: U of Cambridge Computer Lab, UK\\nLines: 13\\n\\nIn article , basturk@watson.ibm.com (Erol Basturk) \\nwrites:\\n\\n|> So, the question is: has a \"fast\" hash\\n|> function been designed for hardware implementation ? \\n\\nYes, you can use a stream cipher chip to hash data with only slight \\nmodification. See:\\n\\n`A fast cryptographic checksum algorithm based on stream ciphers\\', X Lai,\\nRA Rueppel, J Woolven, Auscrypt 92 pp 8-7 to 8-11.\\n\\nRoss\\n',\n", + " 'From: agr00@ccc.amdahl.com (Anthony G Rose)\\nSubject: *****TO EVERYONE IN DIALOG WITH TONY ROSE***** Please Read This!\\nReply-To: agr00@juts.ccc.amdahl.com ()\\nOrganization: Amdahl Corporation, Sunnyvale CA\\nLines: 17\\n\\nHello everyone. I just wanted to let everyone know that I have just\\nbeen selected as part of the Reduction In Force here at Amdahl. For all\\nthat are currently in a dialog with me, or are waiting letters from me,\\nI have saved your letters on floppy and will continue when I get back\\non the net from another account in the future.\\n\\nFor those who are on the GEnie network, my email address there is:\\n\\n T.ROSE1\\n\\nGod Bless and Goodbye until then. If you want to continue dialogs with\\nme via US MAIL, I can be contacted at:\\n\\n Tony Rose\\n c/o JUDE 3 MISSIONS\\n P.O. Box 1035\\n Felton, CA 95018\\n',\n", + " \"From: J.K.Wight@newcastle.ac.UK (Jim Wight)\\nSubject: Re: Button 3 popup menus with Athena widgets\\nOrganization: The Internet\\nLines: 42\\nTo: koblas@netcom.com\\nCc: xpert@expo.lcs.mit.edu\\n\\n>Ok, I'm being driven batty.\\n\\n>Trying to create popup-menus (ie. button3 press, and a menu\\n>appears). I would really like to use the standard Athena\\n>classes to achieve this goal, but for my best attempts\\n>I cannot get the menus to come up without using a MenuButton\\n>as the parent of the widget tree. I know this should be\\n>possible to to with an XtPopupSpringLoaded() and a\\n>little twiddling, but something is escaping me.\\n\\nRead the documentation for the SimpleMenu (4.2.3 Positioning the SimpleMenu).\\nThe reference is to the R5 documentation.\\n\\nI had not done this before but in less than 10 mins I knocked up the following\\nWcl application that does what you want using a Command widget. Even if you are\\nnot familiar with Wcl the example is so simple it should be pretty obvious what\\nis going on. The crucial thing is the use of the XawPositionSimpleMenu and\\nMenuPopup actions.\\n\\n\\nAri.wcChildren:\\t\\tapp\\n\\n*app.wcCreate:\\t\\tCommand\\n*app.wcPopups:\\t\\tmenu\\n*app.translations:\\t#override \\\\n\\\\\\n\\t\\t\\t: XawPositionSimpleMenu(menu) MenuPopup(menu)\\n\\n*menu.wcCreate:\\t\\tSimpleMenu\\n*menu.wcChildren:\\tone, two, three\\n\\n*one.wcCreate:\\t\\tSmeBSB\\n\\n*two.wcCreate:\\t\\tSmeBSB\\n\\n*three.wcCreate:\\tSmeBSB\\n\\n\\nJim\\n---\\nJ.K.Wight@newcastle.ac.uk\\nDepartment of Computing Science, University of Newcastle, Tel: +44 91 222 8238\\nNewcastle upon Tyne, NE1 7RU, United Kingdom. Fax: +44 91 222 8232\\n\",\n", + " 'From: turpin@cs.utexas.edu (Russell Turpin)\\nSubject: Re: Placebo effects\\nOrganization: CS Dept, University of Texas at Austin\\nLines: 39\\nNNTP-Posting-Host: im4u.cs.utexas.edu\\nSummary: Yes, researcher bias is a great problem.\\n\\n-*-----\\nIn article <735157066.AA00449@calcom.socal.com> Daniel.Prince@f129.n102.z1.calcom.socal.com (Daniel Prince) writes:\\n> Is there an effect where the doctor believes so strongly in a \\n> medicine that he/she sees improvement where the is none or sees \\n> more improvement than there is? If so, what is this effect \\n> called? Is there a reverse of the above effect where the doctor \\n> doesn\\'t believe in a medicine and then sees less improvement than \\n> there is? What would this effect be called? Have these effects \\n> ever been studied? How common are these effects? Thank you in \\n> advance for all replies. \\n\\nThese effects are a very real concern in conducting studies of new\\ntreatments. Researchers try to limit this kind of effect by \\nperforming studies that are \"blind\" in various ways. Some of these\\nare:\\n\\n o The subjects of the study do not know whether they receive a \\n placebo or the test treatment, i.e., whether they are in the\\n control group or the test group.\\n\\n o Those administering the treatment do not know which subjects \\n receive a placebo or the test treatment.\\n\\n o Those evaluating individual results do not know which subjects\\n receive a placebo or the test treatment.\\n\\nObviously, at the point at which the data is analyzed, one has to \\ndifferentiate the test group from the control group. But the analysis\\nis quasi-public: the researcher describes it and presents the data on\\nwhich it is based so that others can verify it. \\n\\nIt is worth noting that in biological studies where the subjects are\\nanimals, such as mice, there were many cases of skewed results because\\nthose who performed the study did not \"blind\" themselves. It is not\\nconsidered so important to make mice more ignorant than they already\\nare, though it is important that in all respects except the one tested,\\nthe control and test groups are treated alike.\\n\\nRussell\\n',\n", + " \"From: perky@acs.bu.edu (Melissa Sherrin)\\nSubject: Re: moon image in weather sat image\\nOrganization: Boston University, Boston, MA, USA\\nLines: 14\\nOriginator: perky@acs.bu.edu\\n\\n\\nI'm afraid I was not able to find the GIFs... is the list \\nupdated weekly, perhaps, or am I just missing something?\\n\\n _______\\n ( )\\n (_ ( )\\n ( )\\n ( ) )\\n ( ( )\\n(__________)\\n / / / / /\\n Melissa Sherrin\\n perky@acs.bu.edu\\n\",\n", + " \"From: bks2@cbnewsi.cb.att.com (bryan.k.strouse)\\nSubject: NHL RESULTS FOR GAMES PLAYED 4-05-93\\nOrganization: AT&T\\nKeywords: monday night's boxscore\\nLines: 55\\n\\n\\n\\nNHL RESULTS FOR GAMES PLAYED 4/05/93.\\n\\n--------------------------------------------------------------------------------\\n STANDINGS\\n PATRICK ADAMS NORRIS SMYTHE\\n TM W L T PT TM W L T PT TM W L T PT TM W L T PT\\n \\nxPIT 53 21 6 112 yMON 47 27 6 100 yDET 44 28 9 97 yVAN 42 28 9 93\\n WAS 40 31 7 87 yBOS 46 26 7 99 yCHI 43 25 11 97 yCAL 40 29 10 90\\n NJ 38 35 6 82 yQUE 44 25 10 98 yTOR 42 26 11 95 yLA 37 33 9 83\\n NYI 37 34 6 80 yBUF 38 31 10 86 STL 35 34 10 80 yWIN 37 35 7 81\\n NYR 34 33 11 79 HAR 24 49 5 53 MIN 34 35 10 78 EDM 26 45 8 60\\n PHL 30 37 11 71 OTT 9 66 4 22 TB 22 51 5 49 SJ 10 68 2 22\\n\\nx - Clinched Division Title\\ny - Clinched Playoff Berth\\n\\n--------------------------------------------------------------------------------\\n\\nHartford Whalers (24-49-5) 1 1 3 - 5\\nNew York Rangers (34-33-11) 1 2 1 - 4\\n\\n1st period: HAR, Cunneyworth 5 - (Janssens, Greig) 12:21\\n\\t NYR, Graves 34 - (Turcotte, Zubov) 18:39\\n\\n2nd period: NYR, Kovalev 19 - (Turcotte, Graves) 2:12\\n\\t HAR, Sanderson 44 - (Cassels) (pp) 4:54\\n\\t NYR, Amonte 30 - (Andersson, Vanbiesbrouck) (pp) 19:13\\n\\n3rd period: NYR, M.Messier 25 - (Amonte, Andersson) 2:26\\n\\t HAR, Sanderson 45 - (Cassels) (sh) 5:23\\n\\t HAR, Nylanders 6 - (Ladouceur) 8:35\\n\\t HAR, Verbeek 36 - (Zalapski) 17:43\\n\\nPowerplay Opportunities-Whalers 1 of 4\\n\\t\\t\\tRangers 1 of 4\\n\\nShots on Goal-\\tWhalers 7 8 8 - 23\\n\\t\\tRangers 9 10 12 - 31\\n\\nHartford Whalers--Gosselin (4-7-1) (31 shots - 27 saves)\\nNew York Rangers--Vanbiesbrouck (20-18-7) (23 shots - 18 saves)\\n\\nATT-17,806\\n\\n--------------------------------------------------------------------------------\\n\\n\\n\\\\|||||/\\n-SPIKE-\\n\\n\\n\\n\",\n", + " 'From: sepinwal@mail.sas.upenn.edu (Alan Sepinwall)\\nSubject: Re: When Is Melido Due Back?\\nDistribution: na\\nOrganization: University of Pennsylvania, School of Arts and Sciences\\nLines: 16\\nNntp-Posting-Host: mail.sas.upenn.edu\\n\\n\\nMelido came off the DL today and will start tonight against the Rangers.\\n(Now, if only he can go the distance so that the bullpen doesn\\'t have to\\ncome in.....)\\n\\n--I\\'m outta here like Vladimir!\\n-Alan Sepinwall\\n\\n===========================================================================\\n| \"What\\'s this? This is ice. This is what happens to water when it gets |\\n| too cold. This? This is Kent. This is what happens to people when |\\n| they get too sexually frustrated.\" |\\n| -Val Kilmer, \"Real Genius\" |\\n===========================================================================\\n\\n\\n',\n", + " \"From: dlemoin@xobu.nswc.navy.mil (D. lemoine)\\nSubject: Colormap Problem\\nOrganization: F31\\nLines: 24\\n\\nI am saving an image on one machine and redisplaying the image on\\nanother machine (both are HP 9000 Model 750s). The image is created\\nusing XCreateImage and XGetImage and displayed with XPutImage. The\\nimage is redisplayed correctly except that the colors are wrong because\\nthe server on the other machine is using a different colormap.\\n\\nI tried saving the colormap (pixel and rgb values) and on the redisplay,\\nperformed a table lookup against the new colormap. This didn't work\\nbecause some rgb combos don't exist in the new colormap.\\n\\nIs there a way to force the server to load colors into set pixel values, or\\nis there a simpler way to solve this problem? I tried using xinitcolormap\\nbut couldn't get that to work either.\\n\\nAny help would be appreciated.\\n\\n--------------------------------------\\nDon Lemoine\\nNaval Surface Warfare Center\\nDahlgren Division\\nDahlgren, VA 22405\\n(703)663-7917\\ndlemoin@xobu.nswc.navy.mil\\n\\n\",\n", + " \"From: andyh@chaos.cs.brandeis.edu (Andrew J. Huang)\\nSubject: Re: Quick question\\nKeywords: Removing panels.\\nOrganization: Brandeis University\\nLines: 12\\n\\nIn article <1993Apr5.211457.12789@ole.cdac.com> ssave@ole.cdac.com (The Devil Reincarnate) writes:\\n> How do you take off the driver side door panel from the inside\\n>on an '87 Honda Prelude? The speaker went scratchy, and I want\\n>to access its pins.\\n>\\n\\nThere is something going on here. It seems that once a month, the VW\\ngroup must have get a specific detailed question about Hondas. I\\nwould like to ask that next month we get one about Hyundai instead of\\nHonda. Thank you.\\n\\n-andy\\n\",\n", + " 'From: Kurt Godden \\nSubject: GM May Build Toyota-badged Car\\nOrganization: GM R&D\\nLines: 13\\nDistribution: world\\nNNTP-Posting-Host: ksg.cs.gmr.com\\nX-UserAgent: Nuntius v1.1.1d16\\nX-XXMessage-ID: \\nX-XXDate: Fri, 16 Apr 93 13:54:11 GMT\\n\\nThis appeared today in the \\n\\nThe Japan Economic Journal reported GM plans to build a Toyota-badged car\\nin the US for sale in Japan. Bruce MacDonald, VP of GM Corporate\\nCommunications, yesterday confirmed that GM President and CEO Jack Smith\\nhad a meeting recently with Tatsuro Toyoda, President of Toyota. \\nthis meeting the two discussed business opportunities to increase GM\\nexports to Japan, including further component sales as well as completed\\nvehicle sales,\\nparts sales, the two presidents agreed conceptually to pursue an\\narrangement whereby GM would build a Toyota-badged, right-hand drive\\nvehicle in the US for sale by Toyota in Japan. A working group has been\\nformed to finalize model specifications, exact timing and other details.\\n',\n", + " 'From: stephens@geod.emr.ca (Dave Stephenson)\\nSubject: Re: Space Advertising (2 of 2)\\nNntp-Posting-Host: ngis.geod.emr.ca\\nOrganization: Dept. of Energy, Mines, and Resources, Ottawa\\nLines: 15\\n\\nAs for SF and advertising in space. There is a romantic episode\\nin Mead\\'s \"The Big Ball of Wax\" where the lovers are watching \\nthe constellation Pepsi Cola rising over the horizon and noting\\nthe some \\'stars\\' had slipped cause the Teamsters were on strike.\\n\\nThis was the inspiration for my article on orbiting a formation\\nof space mirrors published in Spaceflight in 1986. As the reviews\\nsaid: this seems technically feasible, and could be commercially viable\\nbut is it aesthetically desirable? These days the only aesthetics\\nthat count are the ones you can count!\\n--\\nDave Stephenson\\nGeological Survey of Canada\\nOttawa, Ontario, Canada\\nInternet: stephens@geod.emr.ca\\n',\n", + " 'From: wagner@grace.math.uh.edu (David Wagner)\\nSubject: Re: Deuterocanonicals, esp. Sirach\\nOrganization: UH Dept of Math\\nLines: 53\\n\\nddavis@cass.ma02.bull.com (Dave Davis)\\nwrites:\\n\\n \\tII. The deuterocanonicals are not in the canon because\\n \\t\\tthey are not quoted by the NT authors.\\n\\nThat is not quite accurate. Otherwise we would have the book\\nof Enoch in the canon (as Dave noted). One can say that the \\napocrypha are not quoted by Christ. \\n\\nDave also writes:\\n\\nIII. The deuterocanonicals are not in the canon because\\n \\t\\tthey teach doctrines contrary to the (uncontroverted)\\n \\t\\tparts of the canon.\\n \\n \\tthen I answer: \\n \\t\\tThese is a logically invalid *a priori*. \\n \\t\\tBesides, we are talking about OT texts- \\n \\t\\twhich in many parts are superceded by the NT\\n \\t\\t(in the Xtian view). Would not this same\\n \\t\\tprinciple exclude _Ecclesiastes_?\\n \\t\\tThis principle cannot be consistently applied.\\n \\nI have to reject your argument here. The Spirit speaks with one\\nvoice, and he does not contradict himself. \\n\\nThe ultimate test of canonicity is whether the words are inspired\\nby the Spirit, i.e., God-breathed. It is a test which is more\\nguided by faith than by reason or logic. The early church decided\\nthat the Apocrypha did not meet this test--even though some books\\nsuch as The Wisdom of Ben Sirach have their uses. For example,\\nthe Lutheran hymn \"Now Thank We All Our God\" quotes a passage\\nfrom this book.\\n\\nThe deutero-canonical books were added much later in the church\\'s\\nhistory. They do not have the same spiritual quality as the\\nrest of Scripture. I do not believe the church that added these\\nbooks was guided by the Spirit in so doing. And that is where\\nthis sort of discussion ultimately ends.\\n\\nDavid H. Wagner\\na confessional Lutheran\\t\\t\"Now thank we all our God\\n\\t\\t\\t\\tWith heart and hands and voices,\\n\\t\\t\\t\\tWho wondrous things hath done,\\n\\t\\t\\t\\tIn whom His world rejoices;\\n\\t\\t\\t\\tWho from our mother\\'s arms\\n\\t\\t\\t\\tHath blessed us on our way\\n\\t\\t\\t\\tWith countless gifts of love,\\n\\t\\t\\t\\tAnd still is our today.\"\\n\\t\\t\\t\\t--\"Nun danket alle Gott\", v. 1\\n\\t\\t\\t\\t--Martin Rinckart, 1636\\n\\t\\t\\t\\t(compare Ben Sirach 50: 22-24)\\n',\n", + " \"From: rgc3679@bcstec.ca.boeing.com (Robert G. Carpenter)\\nSubject: Thinking About Buying Intrepid - Good or Bad Idea?\\nOrganization: Boeing Computer Services\\nLines: 7\\n\\nI'm thinking of buying a new Dodge Intrepid - Has anyone had any\\nexperiences that they'd like to share?\\n\\nThanks.\\n\\nBobC\\n\\n\",\n", + " 'From: mss@netcom.com (Mark Singer)\\nSubject: Re: Young Catchers\\nOrganization: Netcom Online Communications Services (408-241-9760 login: guest)\\nLines: 143\\n\\nIn article <7862@blue.cis.pitt.edu> genetic+@pitt.edu (David M. Tate) writes:\\n>mss@netcom.com (Mark Singer) said:\\n>\\n>>I meant that one should not let the exception make the rule. \\n>\\n>It\\'s not an exception. Good players come up young; most players who come\\n>up young will be good. This has always been the rule.\\n\\n\\nAre most players who come up young always good when they\\'re young, or\\nlater?\\n\\n>Worse: it\\'s not a \"shift\". This is the way it has *always* been. Several\\n>detailed studies of this have been done, and they\\'ve all shown that players\\n>aren\\'t coming up any younger or older than in the past, and they aren\\'t \\n>playing any more or less in the minors than they used to. The only thing\\n>that shifts is our memories of the \"good old days\" :-).\\n\\nDamn. I was afraid you would say that!\\n\\n>\\n>But all after the fact, which makes it *not* applicable to the current\\n>discussion, which is about how you decide whether to play the rookie who\\n>hasn\\'t \"established himself\" in the majors over the mediocre veteran. The\\n>Padres played Santiago that year because they clearly had nobody else worth\\n>playing. \\n\\nWell, perhaps if the Braves had no one else worth playing this year it\\nwould be Lopez in there. But they do have others worth playing, at\\nleast in *their* opinion. And I happen to agree.\\n\\n>\\n>>>>Both of these young men were highly touted defensive catchers,\\n>>>>expected to be among the best ever in baseball. \\n>\\n>Not by rec.sport.baseball consensus. That may sound like an incredibly\\n>arrogant comment, but I\\'ve found that the SDCN consensus (when one exists)\\n>is right far more often than the media consensus or the opinions of \"baseball\\n>people\" affiliated with MLB. \\n\\nI can believe that. I\\'m a newbie here, so I\\'ll take your word. But\\nAlomar *is* a fine defensive catcher, which was my statement above.\\nThat is a solid reason for bringing him up at a tender age, as long\\nas they feel he can also hit a bit. Lopez does not have such a\\nconsensus about his defensive prowess, and imho that is enough to\\ngive him that dreaded \"seasoning\".\\n\\n>\\n>>I don\\'t know \"who knows\". I suppose the same people (or similar) who\\n>>\"know\" he will be better than some other catcher. These are, of \\n>>course, just differing opinions. I read that his arm is not that\\n>>strong (I suppose somewhere there is some measurement of SB ratios)\\n>>and that he is still learning to call a game. That latter skill may\\n>>be difficult to project on someone without an intimate knowledge of\\n>>his performance, but it is a tangible skill.\\n>\\n>I disagree, in that I don\\'t think it *is* a _tangible_ skill, any more than\\n>leadership is. I don\\'t deny that it is a *real* skill, and that some catchers\\n>may be much better than others at it, but I really don\\'t see any way that we\\n>could ever know who they are. Nichols\\'s Law of Catcher Defense is eerily\\n>accurate far too often for me to take defensive assessments of catchers very\\n>seriously.\\n\\nSorry. New. Don\\'t know Nichols\\' Law. Don\\'t believe in catchers\\'\\nera. But I am interested in pitchers\\' eras with different catchers.\\nAny info on that?\\n\\n>\\n>\\n>Absolutely. The evidence is piling up, year after year. The only other\\n>alternative is that the Braves really don\\'t *know* that their young players\\n>are, on average, better than their current starters. I\\'m not ruling out that\\n>kind of gross incompetence, but I think the salary-schedule explanation is\\n>more charitable.\\n\\nIn other words, we know more than they do, so the only logic behind \\na different decision than we would make must be financial. I presume\\nwe feel this way about other franchises than Atlanta, no?\\n\\n>\\n>Consider: we *know* that the Braves are about the strongest team in baseball\\n>right now, even with Olson and Lemke and Nixon and Bream in the lineup. They\\n>have as good a chance of repeating as champs this year as any team ever has.\\n>It actually makes some sense to say \"rather than making our team marginally\\n>better this year by bringing up the young studs and dumping the elderly, let\\'s\\n>go ahead and compete this year with what we have, and then bring up the studs\\n>only as we *have* to, so that we\\'ll still have them under reserve three years\\n>from now and beyond when the current team will be collecting pensions.\"\\n>\\n>Is it fair to the young players? No. Does it make organizational sense? \\n>I think it does.\\n\\nWell if it does make organizational sense, one can hardly fault them\\nfor their decisions. I mean, please don\\'t tell me how to run my\\nbusiness. Especially when I\\'m being successful.\\n\\n>\\n> C:\\tI could make it 107 or 108 wins if you let me bring up Lopez.\\n>\\n>>S:\\tListen, Bobby. I\\'d like to. But the way I see it, if he hits\\n>>\\tthe big club this year we\\'ll be paying mega-arbitration bucks\\n>>\\tdown the road in a couple of years and there\\'s no way I want\\n>>\\tto do that.\\n>\\n>...and continues with\\n>\\n>\\tWe can win without him, and then _keep_ winning next year with him.\\n>\\tHow\\'s that?\\n\\nI\\'m sure you could be right. You could also be smoking some illegal\\nsubstance.\\n\\n(Hey. That\\'s a joke. Don\\'t get offended. Please.)\\n\\n>\\n>Hey, I\\'d love to be wrong about this. If you think it\\'s unlikely, I\\'d love\\n>to know why. Don\\'t cite anybody\\'s innate ethical rectitude, though, unless\\n>you know them personally.\\n>\\n>\\nWell, I can\\'t cite anyone\\'s ethical rectitude because I don\\'t know\\nwhat it means. :)\\n\\nBut again, if it makes organizational sense, then so be it. Baseball\\nis a business, and if there is a solid business reason for keeping\\nLopez on the farm then that\\'s what the Braves *should* do.\\n\\nI happen to believe that it\\'s a baseball decision. While you from\\nyour armchair may disagee, I don\\'t. I think there is a lot of\\nevidence to suggest the decision they made. I predicted it among\\nlarge guffaws from several at the start of spring training. I\\nthink it is a very *normal* decision to have made. It is certainly\\nmore reversible than to have started Lopez in the bigs and have\\nreleased one of their catchers. Sure, it may be conservative. It\\nmay also be logical. I don\\'t know what ethics have to do with it.\\nSeems like pretty good common sense to me.\\n\\n--\\tThe Beastmaster\\n\\n\\n-- \\nMark Singer \\nmss@netcom.com\\n',\n", + " \"From: mjones@watson.ibm.com (Mike Jones)\\nSubject: Re: Bonilla\\nReply-To: mjones@donald.aix.kingston.ibm.com\\nDisclaimer: This posting represents the poster's views, not necessarily those of IBM.\\nNntp-Posting-Host: fenway.aix.kingston.ibm.com\\nOrganization: IBM AIX/ESA Development, Kingston NY\\nLines: 41\\n\\nfierkelab@bchm.biochem.duke.edu (Eric Roush) writes:\\n>>>All of these divisions based on race, religion, etc. make me sick.\\n>>As they should. Isn't it nice that MLB is finally waking up to\\n>>their existence? Isn't it a shame that hiring practices, on and off\\n>>the field, have been discriminatory for so long? (Quick: name a\\n>>light-hitting black outfielder or 1B who lasted 10+ years in the bigs.\\n>>I bet you can name two dozen white ones.)\\n>Otis Nixon.\\n>Darnell Coles\\n>Henry Cotto\\n\\nManny Mota.\\nBilly Hatcher\\nHerm Winningham.\\nLonnie Smith (not light hitting, but a horror in the field)\\nGary Redus\\nDion James\\nDaryl Boston\\nVince Coleman (yeah, he's finally started to have a decent OBP)\\nCecil Espy\\nWillie Wilson\\nGary Pettis\\nMilt Thompson\\nGary Varsho\\n\\nOK, I admit to taking a quick browse through the Major League Handbook, but\\nonly after the first 7 or 8. Oh, and there's the all-time light-hitting\\nblack outfielder: Lou Brock. Look it up. And Curt Flood. Cesar Geronimo.\\nCesar Cedeno. \\n\\n>Note: These guys may not have reached 10 years yet, but they've got\\n>to be close.\\n\\nLikewise for my list. Oh, and a prediction: Milt Cuyler.\\n\\n Mike Jones | AIX High-End Development | mjones@donald.aix.kingston.ibm.com\\n\\nYou know the great thing about TV? If something important happens anywhere\\nat all in the world, no matter what time of the day or night, you can always\\nchange the channel.\\n\\t- Jim Ignatowski\\n\",\n", + " 'From: cdt@sw.stratus.com (C. D. Tavares)\\nSubject: Re: Limiting Govt (Was Re: Employment (was Re: Why not concentrate...)\\nOrganization: Stratus Computer, Inc.\\nLines: 23\\nDistribution: world\\nNNTP-Posting-Host: rocket.sw.stratus.com\\n\\nIn article , rcollins@ns.encore.com (Roger Collins) writes:\\n\\n> Look at the whole picture, not just\\n> randomly picked libertarian positions. If government is not allowed to\\n> use \"non-initiated force\" to achieve its goals, than no special interest\\n> can influence the government to use non-initiated force on their behalf.\\n\\nEither the government has force available to it, or it doesn\\'t. The\\nLibertarian position is that the government can use force only when someone\\nelse uses force first -- even when that first force is not directed\\nagainst the government, but one of its citizens. That all being true, \\nwhat safeguards do we have against the government CLAIMING that some\\ninitiation of force on its part is really a response? (Like the burning\\nof the Maine, the Tonkin Gulf incident, or the assault on Waco?)\\n\\nI ask this not to argue, but to understand.\\n\\n(Followups to alt.politics.libertarian only.)\\n-- \\n\\ncdt@rocket.sw.stratus.com --If you believe that I speak for my company,\\nOR cdt@vos.stratus.com write today for my special Investors\\' Packet...\\n\\n',\n", + " \"From: garym@ie.utoronto.ca (Gary Murphy)\\nSubject: X on Amiga 4000?\\nOrganization: University of Toronto, Department of Industrial Engineering\\nLines: 12\\n\\nI'm new to the hardware and with a mandate to port some X-based\\nstereo-video software --- does anyone know of or have experience with\\nX on Amiga machines? If I can retain the X event handling, it would\\nease my plight considerably, and if I can keep all the Motif bits, so\\nmuch the better!\\n\\n\\n-- \\nGary Lawrence Murphy ---------------- garym@virtual.rose.utoronto.ca\\nUniversity of Toronto, Industrial Eng Dept fax: (416) 971-1373\\n4 Taddle Creek Rd, Toronto, Ont M5S 1A4 voice: (416) 978-3776\\nThe true destination is always just here, now ----------------------\\n\",\n", + " \"From: lau@auriga.rose.brandeis.edu (frankie t. k. lau)\\nSubject: PC fastest line/circle drawing routines: HELP!\\nOrganization: Brandeis University\\nLines: 41\\n\\nhi all,\\n\\nIN SHORT: looking for very fast assembly code for line/circle drawing\\n\\t on SVGA graphics.\\n\\nCOMPLETE:\\n\\tI am thinking of a simple but fast molecular\\ngraphics program to write on PC or clones. (ball-and-stick type)\\n\\nReasons: programs that I've seen are far too slow for this purpose.\\n\\nPlatform: 386/486 class machine.\\n\\t 800x600-16 or 1024x728-16 VGA graphics\\n\\t\\t(speed is important, 16-color for non-rendering\\n\\t\\t purpose is enough; may stay at 800x600 for\\n\\t\\t speed reason.)\\n (hope the code would be generic enough for different SVGA\\n cards. My own card is based on Trident 8900c, not VESA?)\\n\\nWhat I'm looking for?\\n1) fast, very fast routines to draw lines/circles/simple-shapes\\n on above-mentioned SVGA resolutions.\\n Presumably in assembly languagine.\\n\\tYes, VERY FAST please.\\n2) related codes to help rotating/zooming/animating the drawings on screen.\\n Drawings for beginning, would be lines, circles mainly, think of\\n text, else later.\\n (you know, the way molecular graphics rotates, zooms a molecule)\\n2) and any other codes (preferentially in C) that can help the \\n project.\\n\\nFinal remarks;-\\nnon-profit. expected to become share-, free-ware.\\n\\n\\tAny help is appreciated.\\n\\tthanks\\n\\n-Frankie\\nlau@tammy.harvard.edu\\n\\nPS pls also email, I may miss reply-post.\\n\",\n", + " 'From: jwindley@cheap.cs.utah.edu (Jay Windley)\\nSubject: Mormon temples\\nOrganization: University of Utah CS Dept\\nLines: 113\\n\\nmserv@mozart.cc.iup.edu (Mail Server) writes:\\n| One thing I don\\'t understand is why being sacred should make the\\n| temple rituals secret.\\n\\nThe \"so sacred it\\'s secret\" explanation is a bit misleading. While\\nthere is a profound reverence for the temple endowment, there is no\\ninjunction against discussing the ceremony itself in public. But\\nsince public discussion is often irreverent, most Mormons would rather\\nkeep silent than have a cherished practice maligned.\\n\\nBut there are certain elements of the ceremony which participants\\nexplicitly covenant not to reveal except in conjunction with the\\nceremony itself.\\n\\n| Granted, the Gnostic \"Christians\"\\n| had their secret rituals, but these seem to have been taken entirely\\n| from pagan pre-Christian mystery religions.\\n\\nThere are other interpretations to Christian history in this matter.\\nOne must recall that most of what we know about the Gnostics was\\nwritten by their enemies. Eusebius claims that Jesus imparted secret\\ninformation to Peter, James, and John after His resurrection, and that\\nthose apostles transmitted that information to the rest of the Twelve\\n(Eusebius, _Historia Ecclesiastica_ II 1:3-4).\\n\\nIrenaeus claims this information was passed on to the priests and\\nbishops (_Against Heresies_ IV 33:8), but Eusebius disagrees. He\\nclaims the secret ceremonies of the Christian church perished with the\\napostles. Interestingly enough, Eusebius refers to the groups which\\nwe today call Gnostics as promulgators of a false gnosis (Eusebius,\\nop. cit., III, 32:7-8). His gripe was not that thay professed *a*\\ngnosis, but that they had the *wrong* one.\\n\\nWritings dealing with Jesus\\' post-resurrection teachings emphasize\\nsecrecy -- not so much a concealment as a policy of not teaching\\ncertain things indiscriminately. In one story, Simon Magus opens a\\ndialog with Peter on the nature of God. Peter\\'s response is \"You seem\\nto me not to know what a father and a God is: But I could tell you\\nboth whence souls are, and when and how they were made; but it is not\\npermitted to me now to disclose these things to you\" (_Clementine\\nRecognitions_ II, 60). If any one theme underlies the _Recognitions_\\nit is the idea that certain doctrines are not to be idly taught, but\\ncan be had after a certain level of spiritual maturity is reached.\\n\\nNow one can approach this and other such evidence in many ways. I\\ndon\\'t intend that everyone interpret Christian history as I do, but I\\nbelieve that evidence exists (favorably interpreted, of course) of\\nearly Christian rites analogous to those practiced by Mormons today.\\n\\n| Neither New Testament\\n| Christianity nor Biblical Judaism made a secret of their practices.\\n\\nBut if Judaism and Christianity had such ceremonies, would you expect\\nto read about them in public documents? One can search the Book of\\nMormon and other Mormon scripture and find almost no information on\\ntemple worship. Yes, you could establish that Mormons worship in\\ntemples, but you would probably be hard pressed to characterize that\\nworship. On that basis, can we conclude that the Bible explains *all*\\npractices which might have taken place, and that absence of such\\ndescriptions proves they did not exist?\\n\\nMormon scholar Dr. Hugh Nibley offers us a list of scriptures from\\nwhich I have taken a few:\\n\\n1. \"It is given unto you to know the mysteries of the kingdom of\\nheaven, but to them it is not given\" (Matt. 13:11).\\n\\n2. \"All men cannot receive this saying, save they to whom it is given\"\\n(Matt. 19:11).\\n\\n3. \"I have yet many things to say unto you, but ye cannot bear them\\nnow\" (John 16:12).\\n\\n4. \"The time cometh, when I shall no more speak unto you in proverbs,\\nbut I shall shew you plainly of the Father\" (John 16:25).\\n\\n5. \"... unspeakable words, which it is not lawful for a man to utter\"\\n(1 Cor. 3:1-2).\\n\\n6. \"Many things ... I would not write with paper and ink; but I ...\\ncome unto you and speak face to face\" (2 Jn. 1:12).\\n\\n(Nibley, _Since Cumorah_, pp. 92-94)\\n\\nAgain, these can also be interpreted many different ways. I believe\\nthey serve to show that not all doctrines which could have been taught\\nwere actually taught openly.\\n\\n| I have heard that Joseph Smith took the entire\\n| practice (i.e. both the ritual and the secrecy surrounding the ritual)\\n| from the Freemasons. Anybody in the know have any authoritative\\n| information on whether or not this claim is true?\\n\\nHistorically, Joseph Smith had been adiministering the temple\\nendowment ceremony for nearly a year before joining the Freemasons.\\nThere is diary evidence which supports a claim that the rite did not\\nchange after Smith became a Mason. It can be argued that Smith had\\nample exposure to Masonic proceedings through the burlesque of his\\ntime and through his brother Hyrum (a Mason), though no specific\\nconnection has yet been established.\\n\\nMy conversations with Masons (with respect to temple rite\\ntranscriptions which have appeared on the net) have led me to believe\\nthat the connection from Masonry to Mormonism is fairly tenuous. As\\nour moderator notes, most of what was similar was removed in the\\nrecent revisions to the temple ceremony. I believe that critics who\\ncharge that Mormon rites were lifted from Freemasonry do not have\\nadequate knowledge of the rites in question.\\n-- \\n------------------------------------------------------------------------\\n Jay Windley * University of Utah * Salt Lake City\\n jwindley@asylum.cs.utah.edu\\n------------------------------------------------------------------------\\n',\n", + " \"From: glb@uvacs.cs.Virginia.EDU (Gina Bull)\\nSubject: Need patches to use /dev/cgtwelve0\\nOrganization: University of Virginia Computer Science Department\\nLines: 8\\n\\nThe good news is we just got two Sparc10's. The bad news is\\nthat /dev/cgtwelve0 is apparently not supported in X11R4 or\\nX11R5. Does anyone know of a patch (and how I can obtain it)\\nto either X version that will enable us to use X11 on our\\nSparc10's? \\n\\nadTHANKSvance\\nGina\\n\",\n", + " \"From: JC924@uacsc2.albany.edu\\nSubject: Why are our desktop fonts changing?\\nOrganization: University at Albany, Albany NY 12222\\nX-Newsreader: NNR/VM S_1.3.2\\nLines: 17\\n\\nOne of our users is having an unusual problem. If she does an Alt/Tab to\\na full-screen DOS program, when she goes back to Windows her desktop fonts\\nhave changed. If she goes back to a full-screen DOS program and then goes\\nback to Windows, the font has changed back to its default font. It's not\\na major problem (everything works and the font is legible), but it is\\nannoying. Does anyone have any idea why this happens. By the way, she\\nhas a DEC 486D2LP machine.\\n \\n \\n++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++\\nJeffrey M. Cohen Voice: 518-442-3510\\nOffice for Research (AD 218) Fax: 518-442-3560\\nThe University at Albany E-mail: JC924@uacsc2.albany.edu\\nState University of New York\\n1400 Washington Ave.\\nAlbany, NY 12222\\n++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++\\n\",\n", + " 'From: livesey@solntze.wpd.sgi.com (Jon Livesey)\\nSubject: Re: After 2000 years, can we say that Christian Morality is\\nOrganization: sgi\\nLines: 54\\nDistribution: world\\nNNTP-Posting-Host: solntze.wpd.sgi.com\\n\\nIn article , lefty@apple.com (Lefty) writes:\\n>\\n> These particular Tibetans are advocating increased violence against \\n> the Chinese occupiers. Are they wrong?\\n\\nWrong about what? I think they are correct in thinking that a \\nwell-placed bomb or six would get headlines, but I think they are \\nwrong if they think that you can set off bombs and still be a \\nBuddhist.\\n\\nMaybe what we are seeing here is that Chinese cultural genocide\\nagainst the Tibetans has worked well enough that some Tibetans \\nare now no longer Buddhist and are instead willing to behave like\\nthe Chinese occupiers. Every action is its own reward.\\n\\n> Clearly the occupation of Tibet _has_ been largely ignored.\\n\\nOn the other hand, people who are aware of the occupation are mostly\\nfull of admiration for the peaceful way that Tibetans have put up\\nwith it. And what does it cost us to admire them? Zip.\\n\\n> Are Tibetans currently \"people of peace\"? Do they serve themselves \\n> well or badly by being so?\\n\\nYes they are, and whether this serves them well or not depends on \\nwhether they want Buddhist principles or political independence.\\nAnd without political independence can they preserve their cultural\\nand religious traditions?\\n\\n> Would an increased level of violence make them \"terrorists\"?\\n\\nThe Chinese would certainly refer to them as terrorists, just as\\nthe Hitler regime used to refer to European resistance movements\\nas terrorists.\\n\\n> Assuming that the group advocating this course is correct, and \\n> greater attention is focussed on the occupation of Tibet by the \\n> Chinese, are the Tibetans better off as \"people of peace\" or\\n> as \"terrorists\"?\\n\\nBetter off in what way? As proponents of pacifism or as \\nproponents of political autonomy?\\n\\nAnd better off in what time-scale? The Soviet Empire practised\\ncultural genocide against something like a hundred small minorities,\\nsome of which resisted violently, and some of which did not, but\\nin the end it was the Soviet Empire that collapsed and at least\\nsome of the minorities survived.\\n\\nNow some of the minorities are fighting one another. Is that\\nbecause they have to, or because violent resistance to an oppressive\\nEmpire legitimized violence?\\n\\njon.\\n',\n", + " 'From: epritcha@s.psych.uiuc.edu ( Evan Pritchard)\\nSubject: Re: div. and conf. names\\nDistribution: na\\nOrganization: UIUC Department of Psychology\\nLines: 59\\n\\nmaynard@ramsey.cs.laurentian.ca (Roger Maynard) writes:\\n>In <115873@bu.edu> Jason Gibson writes:\\n\\n>>I can live with the other changes that have been made (e.g. the playoff format\\n>>change), but the change to the division and conference names really annoys me.\\n>>\"Batman\" was on TSN last night saying that changing the names would make the\\n>>game easier for the \"occasional fan to follow\". He should have said what he\\n>>meant: that changing the names will make the game easier for _Americans_ in \\n>>non-hockey cities to follow. I don\\'t know of too many of my friends who had \\n>>a hard time following which teams were in each division. Even a minimal amount\\n>>of exposure to the game allows a person to quickly pick up on this.\\n\\n>There is nothing wrong with making the game easier for \"_Americans_\" to\\n>follow. The more fans the merrier and even if you dislike the \"occasional\"\\n>fan there is always the chance that these fans will become fanatics.\\n\\n>I am glad that the names are being changed for another reason. The names\\n>Patrick, Smythe, Norris, Adams and Campbell are all the names of so-called\\n>\"builders\" of the game. This is the same type of thinking that put Stein\\n>in the Hall of Fame. This is absolute nonsense. The real builders of the\\n>game are Richard, Morenz, Howe, Conacher, Orr, etc. If you are going to\\n>name the divisions after people at least name the divisions after people\\n>who deserve it.\\n\\n\\tI think that you are incorrect, Roger. Patrick,\\nSmythe and Adams all played or coached in the league before becoming\\nfront office types. Hence, they did help build the league, although\\nthey were not great players themselves. \\n\\n\\tI agree that a name is a name is a name, and if some people\\nhave trouble with names that are not easily processed by the fans,\\nthen changing them to names that are more easily processed seems like\\na reasonable idea. If we can get people in the (arena) door by being\\nuncomplicated, then let\\'s do so. Once we have them, they will realize\\nwhat a great game hockey is, and we can then teach them something\\nabotu the history of the game. \\n \\n>The history of the names can be put rather succinctly. All of the aforemen-\\n>tioned used the game of hockey to make money. Can you imagine a Pocklington\\n>division? A Ballard division? Or how about a Green division?\\n\\n\\tNo, I would not want to see a Ballard division. But to say\\nthat these owners are assholes, hence all NHL management people are\\nassholes would be fallacious. Conn Smythe, for example, was a classy\\nindividual (from what I have heard). \\n\\n\\tAlso, isn\\'t the point of \"professional\" hockey to make money\\nfor all those involved, which would include the players. What I think\\nyou might be saying is that the players have not made as much money as\\nshould have been their due, and it is the players that are what make\\nthe game great not the people who put them on the ice, so naming\\ndivision after management people rather than players is adding insult\\n(in the form of lesser recognition) to injury (less money than was\\ndeserved). \\n\\n_______________________\\nEvan Pritchard -------- Number 1 or 9 depending on the hockey pool \\n=======================\\nepritcha@psych.uiuc.edu \\n',\n", + " 'From: frank@D012S658.uucp (Frank O\\'Dwyer)\\nSubject: Re: Theism and Fanatism (was: Islamic Genocide)\\nOrganization: Siemens-Nixdorf AG\\nLines: 323\\nNNTP-Posting-Host: d012s658.ap.mchp.sni.de\\n\\nIn article <16BB8D25C.I3150101@dbstu1.rz.tu-bs.de> I3150101@dbstu1.rz.tu-bs.de (Benedikt Rosenau) writes:\\n#In article <1r3tqo$ook@horus.ap.mchp.sni.de>\\n#frank@D012S658.uucp (Frank O\\'Dwyer) writes:\\n# \\n#>#>|>#>#Theism is strongly correlated with irrational belief in absolutes. Irrational\\n#>#>|>#>#belief in absolutes is strongly correlated with fanatism.\\n#>#\\n#>#(deletion)\\n#>#\\n#>#>|Theism is correlated with fanaticism. I have neither said that all fanatism\\n#>#>|is caused by theism nor that all theism leads to fanatism. The point is,\\n#>#>|theism increases the chance of becoming a fanatic. One could of course\\n#>#>|argue that would be fanatics tend towards theism (for example), but I just\\n#>#>|have to loook at the times in history when theism was the dominant ideology\\n#>#>|to invalidate that conclusion that that is the basic mechanism behind it.\\n#>#>\\n#>#>IMO, the influence of Stalin, or for that matter, Ayn Rand, invalidates your\\n#>#>assumption that theism is the factor to be considered.\\n#>#\\n#>#Bogus. I just said that theism is not the only factor for fanatism.\\n#>#The point is that theism is *a* factor.\\n#>\\n#>That\\'s your claim; now back it up. I consider your argument as useful\\n#>as the following: Belief is strongly correlated with fanaticism. Therefore\\n#>belief is *a* factor in fanaticism. True, and utterly useless. (Note, this\\n#>is *any* belief, not belief in Gods)\\n#>\\n# \\n#Tiring to say the least. I have backed it up, read the first statement.\\n\\nI have read it. Conspicuous by its absence is any evidence or point.\\n\\n# \\n#The latter is the fallacy of the wrong analogy. Saying someone believes\\n#something is hardly an information about the person at all. Saying someone\\n#is a theist holds much more information. Further, the correlation between\\n#theists and fanatism is higher than that between belief at all and fanatism\\n#because of the special features of theistic belief.\\n\\nTruth by blatant assertion. Evidence?\\n# \\n# \\n#>#>Gullibility,\\n#>#>blind obedience to authority, lack of scepticism, and so on, are all more\\n#>#>reliable indicators. And the really dangerous people - the sources of\\n#>#>fanaticism - are often none of these things. They are cynical manipulators\\n#>#>of the gullible, who know precisely what they are doing.\\n#>#\\n#>#That\\'s a claim you have to support. Please note that especially in the\\n#>#field of theism, the leaders believe what they say.\\n#>\\n#>If you believe that, you\\'re incredibly naive.\\n#>\\n# \\n#You, Frank O\\'Dwyer, are living in a dream world. I wonder if there is any\\n#base of discussion left after such a statement. As a matter of fact, I think\\n#you are ignorant of human nature. Even when one starts with something one does\\n#not believe, one gets easily fooled into actually believing what one says.\\n# \\n#To give you the benefit of the doubt, prove your statement.\\n\\nThe onus of proof is on you, sunshine. What makes you think that\\ntheist leaders believe what they say? Especially when they say\\none thing and do another, or say one thing closely followed by its\\nopposite? The practice is not restricted to theism, but it\\'s there\\nfor anyone to see. It\\'s almost an epidemic in this country.\\n\\nJust for instance, if it is harder for a camel to pass thru\\' the eye\\nof a needle, why is the Catholic church such a wealthy land-owner? Why\\nare there churches to the square inch in my country?\\n# \\n#>#>Now, *some*\\n#>#>brands of theism, and more precisely *some* theists, do tend to fanaticism,\\n#>#>I grant you. To tar all theists with this brush is bigotry, not a reasoned\\n#>#>argument - and it reads to me like a warm-up for censorship and restriction\\n#>#>of religious freedom. Ever read Animal Farm?\\n#>#>\\n#>#That\\'s a straw man. And as usually in discussions with you one has to\\n#>#repeat it: Read what I have written above: not every theism leads to\\n#>#fanatism, and not all fanatism is caused by theism. The point is,\\n#>#there is a correlation, and it comes from innate features of theism.\\n#>\\n#>No, some of it comes from features which *some* theism has in common\\n#>with *some* fanaticism. Your last statement simply isn\\'t implied by\\n#>what you say before, because you\\'re trying to sneak in \"innate features\\n#>of [all] theism\". The word you\\'re groping for is \"some\".\\n#>\\n# \\n#Bogus again. Not all theism as is is fanatic. However, the rest already\\n#gives backup for the statement about the correlation about fanatism and\\n#theism. And further, the specialty of other theistic beliefs allows them\\n#to switch to fanatism easily. It takes just a nifty improvement in the\\n#theology.\\n\\nTruth by blatant assertion. \\n# \\n# \\n#>#Gullibility, by the way, is one of them.\\n#>\\n#>No shit, Sherlock. So why not talk about gullibility instead of theism,\\n#>since it seems a whole lot more relevant to the case you have, as opposed\\n#>to the case you are trying to make?\\n#>\\n# \\n#Because there is more about theism that the attraction to gullible people\\n#causing the correlation. And the whole discussion started that way by the\\n#statement that theism is meaningfully correlated to fanatism, which you\\n#challenged.\\n\\nIndeed I did. As I recall, I asked for evidence. What is the correlation\\nof which you speak? \\n# \\n# \\n#>#And to say that I am going to forbid religion is another of your straw\\n#>#men. Interesting that you have nothing better to offer.\\n#>\\n#>I said it reads like a warm up to that. That\\'s because it\\'s an irrational\\n#>and bogus tirade, and has no other use than creating a nice Them/Us\\n#>split in the minds of excitable people such as are to be found on either\\n#>side of church walls.\\n#>\\n# \\n#Blah blah blah. I am quite well aware that giving everyone their rights\\n#protects me better from fanatics than the other way round.\\n\\nOf course, other people are always fanatics, never oneself. Your\\nwish to slur all theists seems pretty fanatical to me.\\n# \\n#It is quite nice to see that you are actually implying a connection between\\n#that argument and the rise of fanatism. So far, it is just another of your\\n#assertions.\\n\\nSo? You can do it.\\n# \\n# \\n#>#>|>(2) Define \"irrational belief\". e.g., is it rational to believe that\\n#>#>|> reason is always useful?\\n#>#>|>\\n#>#>|\\n#>#>|Irrational belief is belief that is not based upon reason. The latter has\\n#>#>|been discussed for a long time with Charley Wingate. One point is that\\n#>#>|the beliefs violate reason often, and another that a process that does\\n#>#>|not lend itself to rational analysis does not contain reliable information.\\n#>#>\\n#>#>Well, there is a glaring paradox here: an argument that reason is useful\\n#>#>based on reason would be circular, and argument not based on reason would\\n#>#>be irrational. Which is it?\\n#>#>\\n#>#That\\'s bogus. Self reference is not circular. And since the evaluation of\\n#>#usefulness is possible within rational systems, it is allowed.\\n#>\\n#>O.K., it\\'s oval. It\\'s still begging the question, however. And though\\n#>that certainly is allowed, it\\'s not rational. And you claiming to be\\n#>rational and all.\\n#>\\n# \\n#Another of your assertions. No proof, no evidence, just claims.\\n\\nHey - I learned it from you. Did I do good?\\n# \\n# \\n#>At the risk of repeating myself, and hearing \"we had that before\" [we\\n#>didn\\'t hear a _refutation_ before, so we\\'re back. Deal with it] :\\n#>you can\\'t use reason to demonstrate that reason is useful. Someone\\n#>who thinks reason is crap won\\'t buy it, you see.\\n#>\\n# \\n#That is unusually weak even for you. The latter implies that my proof\\n#depends on their opinion. Somehow who does not accept that there are\\n#triangles won\\'t accept Pythagoras. Wow, that\\'s an incredible insight.\\n#I don\\'t have to prove them wrong in their opinion. It is possible to\\n#show that their systems leave out useful information respectively claims\\n#unreliable or even absurd statements to be information.\\n\\nTotally circular, and totally useless.\\n# \\n#Their wish to believe makes them believe. Things are judges by their appeal,\\n#and not by their information. It makes you feel good when you believe that\\n#may be good for them, but it contains zillions of possible pitfalls. From\\n#belief despite contrary evidence to the bogus proofs they attempt.\\n\\nTruth by blatant assertion. I\\'ve seen as many bogus proofs of the \\nnon-existence of gods as I have of their existence.\\n\\n# \\n#Rational systems, by the way, does not mean that every data has to come from\\n#logical analysis, the point is that the evaluation of the data does not\\n#contradict logic. It easily follows that such a system does not allows to\\n#evaluate if its rational in itself. Yes, it is possible to evaluate that\\n#it is rational in a system that is not rational by the fallacies of that\\n#system, but since the validity of the axioms is agreed upon, that has as\\n#little impact as the possibility of a demon ala Descartes.\\n\\nThis just doesn\\'t parse, sorry.\\n# \\n#So far it just a matter of consistency. I use ratiional arguments to show\\n#that my system is consistent or that theirs isn\\'t. The evaluation of the\\n\\nNor this.\\n#predictions does not need rationality. It does not contradict, however.\\n# \\n# \\n#>#Your argument is as silly as proving mathematical statements needs mathematics\\n#>#and mathematics are therfore circular.\\n#>\\n#>Anybody else think Godel was silly?\\n#>\\n# \\n#Stream of consciousness typing? What is that supposed to mean?\\n# \\n# \\n#>#>The first part of the second statement contains no information, because\\n#>#>you don\\'t say what \"the beliefs\" are. If \"the beliefs\" are strong theism\\n#>#>and/or strong atheism, then your statement is not in general true. The\\n#>#>second part of your sentence is patently false - counterexample: an\\n#>#>axiomatic datum does not lend itself to rational analysis, but is\\n#>#>assumed to contain reliable information regardless of what process is\\n#>#>used to obtain it.\\n#>#>\\n#>#\\n#>#I\\'ve been speaking of religious systems with contradictory definitions\\n#>#of god here.\\n#>#\\n#>#An axiomatic datum lends itself to rational analysis, what you say here\\n#>#is a an often refuted fallacy. Have a look at the discussion of the\\n#>#axiom of choice. And further, one can evaluate axioms in larger systems\\n#>#out of which they are usually derived. \"I exist\" is derived, if you want\\n#>#it that way.\\n#>#\\n#>#Further, one can test the consistency and so on of a set of axioms.\\n#>#\\n#>#what is it you are trying to say?\\n#>\\n#>That at some point, people always wind up saying \"this datum is reliable\"\\n#>for no particular reason at all. Example: \"I am not dreaming\".\\n#>\\n# \\n#Nope. There is evidence for it. The trick is that the choice of an axiomatic\\n#basis of a system is difficult, because the possibilities are interwoven.\\n#One therefore chooses that with the least assumptions or with assumptions\\n#that are necessary to get information out of the system anyway.\\n\\nI\\'d like to see this alleged evidence.\\n# \\n#One does not need to define axioms in order to define an evaluation method\\n#for usefulness, the foundation is laid by how one feels at all (that\\'s not\\n#how one feels about it).\\n\\nI see. You have no irrational beliefs. But then, fanatics never do, do\\nthey?\\n\\n# \\n#>#>|Compared the evidence theists have for their claims to the strength of\\n#>#>|their demands makes the whole thing not only irrational but antirational.\\n#>#>\\n#>#>I can\\'t agree with this until you are specific - *which* theism? To\\n#>#>say that all theism is necessarily antirational requires a proof which\\n#>#>I suspect you do not have.\\n#>#>\\n#>#\\n#>#Using the traditonal definition of gods. Personal, supernatural entities\\n#>#with objective effects on this world. Usually connected to morals and/or\\n#>#the way the world works.\\n#>\\n#>IMO, any belief about such gods is necessarily irrational. That does\\n#>not mean that people who hold them are in principle opposed to the exercise of\\n#>intelligence. Some atheists are also scientists, for example.\\n#>\\n# \\n#They don\\'t use theism when doing science. Or it wouldn\\'t be science. Please\\n#note that subjective data lend themselves to a scientific treatment as well.\\n#They just prohibit formulating them as objective statements.\\n\\nErgo, nothing is objective. Fair enough.\\n# \\n# \\n#>#>|The affinity to fanatism is easily seen. It has to be true because I believe\\n#>#>|it is nothing more than a work hypothesis. However, the beliefs say they are\\n#>#>|more than a work hypothesis.\\n#>#>\\n#>#>I don\\'t understand this. Can you formalise your argument?\\n#>#\\n#>#Person A believes system B becuase it sounds so nice. That does not make\\n#>#B true, it is at best a work hypothesis. However, the content of B is that\\n#>#it is true AND that it is more than a work hypothesis. Testing or evaluating\\n#>#evidence for or against it therefore dismissed because B (already believed)\\n#>#says it is wronG/ a waste of time/ not possible. Depending on the further\\n#>#contents of B Amalekites/Idolaters/Protestants are to be killed, this can\\n#>#have interesting effects.\\n#>\\n#>Peculiar definition of interesting, but sure. Now show that a belief\\n#>in gods entails the further contents of which you speak. Why aren\\'t my\\n#>catholic neighbours out killing the protestants, for example? Maybe they\\n#>don\\'t believe in it. Maybe it\\'s the conjunction of \"B asserts B\" and\\n#>\"jail/kill dissenters\" that is important, and the belief in gods is\\n#>entirely irrelevant. It certainly seems so to me, but then I have no\\n#>axe to grind here.\\n#>\\n# \\n#The example with your neighbours is a fallacy. That *your* neighbours don\\'t\\n#says little about others. And there were times when exactly that happened.\\n\\nNope, it\\'s not a fallacy. It just doesn\\'t go to the correlation you\\nwish to see.\\n# \\n#And tell me, when it is not irrelevant, why are such statements about\\n#Amalekites and Idolaters in the Holy Books? Please note that one could\\n#edit them out when they are not relevant anymore. Because gods don\\'t err?\\n#What does that say about that message?\\n\\nExcuse me - THE Holy Books?\\n# \\n#And how come we had theists saying genocides ordered by god are ok. A god\\n#is the easiest way to excuse anything, and therefore highly attracting to\\n#fanatics. Not to mention the effect interpretation by these fanatics can\\n#have on the rest of the believers. Happens again and again and again.\\n\\nA god is neither the easiest way to excuse anything, nor the only way.\\n\\n\\n-- \\nFrank O\\'Dwyer \\'I\\'m not hatching That\\'\\nodwyer@sse.ie from \"Hens\", by Evelyn Conlon\\n',\n", + " \"From: turpin@cs.utexas.edu (Russell Turpin)\\nSubject: Re: Science and methodology (was: Homeopathy ... tradition?)\\nOrganization: CS Dept, University of Texas at Austin\\nLines: 18\\nDistribution: inet\\nNNTP-Posting-Host: im4u.cs.utexas.edu\\n\\n-*-----\\nIn article <1993Apr15.150550.15347@ecsvax.uncecs.edu> ccreegan@ecsvax.uncecs.edu (Charles L. Creegan) writes:\\n> What about Kekule's infamous derivation of the idea of benzene rings\\n> from a daydream of snakes in the fire biting their tails? Is this\\n> specific enough to count? Certainly it turns up repeatedly in basic\\n> phil. of sci. texts as an example of the inventive component of\\n> hypothesizing. \\n\\nI think the question is: What is extra-scientific about this? \\n\\nIt has been a long time since anyone has proposed restrictions on\\nwhere one comes up with ideas in order for them to be considered\\nlegitimate hypotheses. The point, in short, is this: hypotheses and\\nspeculation in science may come from wild flights of fancy, \\ndaydreams, ancient traditions, modern quackery, or anywhere else.\\n\\nRussell\\n\\n\",\n", + " \"From: bill@thd.tv.tek.com (William K. McFadden)\\nSubject: Re: Cable TVI interference\\nKeywords: catv cable television tvi\\nArticle-I.D.: tvnews.1993Apr15.193218.13070\\nOrganization: Tektronix TV Products\\nLines: 15\\n\\nIn article jim@inqmind.bison.mb.ca (jim jaworski) writes:\\n>What happens when DVC (Digital Videon Compression) is introduced next \\n>year and instead of just receiving squiggly lines on 2 or 3 channels \\n>we'll be receiving sqigglies on, let's see 3*10 = 30 channels eventually.\\n\\nSince the digital transmission schemes include error correction and\\nconcealment, the performance remains about the same down to a very low\\ncarrier-to-noise ratio, below which it degrades very quickly. Hence,\\ndigitally compressed TV is supposed to be less susceptible to interference\\nthan amplitude modulated TV.\\n\\n-- \\nBill McFadden Tektronix, Inc. P.O. Box 500 MS 58-639 Beaverton, OR 97077\\nbill@tv.tv.tek.com, ...!tektronix!tv.tv.tek.com!bill Phone: (503) 627-6920\\nHow can I prove I am not crazy to people who are?\\n\",\n", + " 'From: rana@rintintin.Colorado.EDU (Nabeel Ahmad Rana)\\nSubject: Re: New newsgroup: soc.religion.islam.ahmadiyya?\\nNntp-Posting-Host: rintintin.colorado.edu\\nOrganization: University of Colorado, Boulder\\nLines: 68\\n\\n\\nMr. Esam Abdel-Rahem writes:\\n\\n>I urge you all to vote NO to the formation of the news group \\'\\'AHMADYA.ISLAM\\'\\'.\\n>If they want to have their own group, the word ISLAM shouldnot be attached to \\n>the name of such group. We don\\'t consider them as Muslims.\\n\\n\\nDr. Tahir Ijaz comments on Esam Abdel-Rahem\\'s statement:\\n\\n>But the problem is We consider ourself to be Muslims, even though you don\\'t.\\n>Luckily, faith is determined by what one believes and is a personal matter.\\n>You cannot declare the faith of someone else.\\n\\n\\nMr. Jawad Ali then comments on Tahir Ijaz\\'s statement:\\n\\n>You are not considering the consequences of your argument. The converse\\n>would be that the problem is that Muslims dont consider Ahmadies to be\\n>Muslims. Who one considers to be one\\'s co-believer is also a personal\\n>matter. It would be just as wrong to tell the Muslims who should be\\n>included in their self-defination.\\n\\n\\nThe argument by Jawad Ali is funny, He writes:\\n\"The converse would be that the problem is that Muslims dont consider\\nAhmadies to be Muslims\"\\n\\nWhich is a wrong statement. In the light of Dr. Ijaz\\'s statement, the\\nabove statement should be corrected:\\n\".......................................is that (some) non-Ahmadi Muslims\\ndon\\'t consider Ahmadi-Muslims as Muslims\"\\n\\nSo, the problem does not get solved:-) Who is a muslims and who is not?\\nHumans cannot decide. Humans may not declare others faiths. Its that \\nsimple. I don\\'t understand, why the mere use of the word \"ISLAM\" is\\nbecomming such a big issue. I have seen numorous postings on the net\\non this subject, and all they say, \"No, NO, you cannot use ISLAM as \\nthe name of your newsgroup\". ?? \\n\\nI haven\\'t seen a single posting stating what right do they have in declaring\\nthe name of other\\'s faiths? Who gives them this authority? Quran? or\\nHadith? or something else? I want to know this! \\n\\nJust a small reminder to all my Muslim Brothers, Did _EVER_ the \\nHoly Prophet of Islam (Muhammad PBUH), say to anyone who called\\nhimself a Muslim:\\n\\nNo, You are not a Muslim ! ???????\\n\\nNEVER! I challenge all my Muslim brothers to produce a single \\nsuch evidence from the history of Islam!\\n\\nHence, if the Prophet Muhammad could never do that to anyone, how\\ncould the Muslims, Mullahs or even Governments of today do\\nit to anyone. Do you consider yourself above the Holy Prophet \\nMuhammad (PBUH) ?? \\n\\n\\nSincerely,\\nNabeel.\\n\\n\\n-- \\n||\\\\\\\\ || //\\\\\\\\ ||\\\\\\\\ ******************* (Note: \\n|| \\\\\\\\ || //==\\\\\\\\ ||// * LOVE FOR ALL * views \\n|| \\\\\\\\||abeel // \\\\\\\\. ||\\\\\\\\ana * HATRED FOR NONE * are \\n[e-mail: rana@rintintin.colorado.edu] ******************* mine) \\n',\n", + " \"From: wtm@uhura.neoucom.edu (Bill Mayhew)\\nSubject: Re: Laser vs Bubblejet?\\nOrganization: Northeastern Ohio Universities College of Medicine\\nLines: 90\\n\\nThere is a cartridge capping upgrade for older deskjet printers\\navailable from hewlett-packard. Older original deskjet and\\npossibly deskjet 500 units may have a black plastic slide with\\nrubber capping components in the cartrige parking area on the right\\nside (viewed from front) of the printer. Newer printers have a\\ngray or white plastic slide. The black plastic slide can allow\\nyour cartridge to dry out. There was and may still be information\\npackaged with ink cartridges explaining the situation. HP placed a\\ncoupon for a free upgrade kit to modernize old deskjets to the new\\ncapping mechanism. I did this on my printer and did indeed find\\nthat the cartidges now last longer.\\n\\nI don't have the information handy. I suggest contacting your\\nnearest HP service center for information on obtaining the kit.\\n\\nHP has upgrade kits that consist of electronics and mechanical\\ncomponents that vary depending on the starting level printer and\\nthe level to which you wish to upgrade. I upgraded my original\\ndesket to a dekjet 500. The kit was fairly expensive. You are\\nlikely better off selling your old printer and purchasing a new\\ndeskjet 500 now that prices have declined so much. Upgrading an\\noriginal deskjet to 500 requires a fair amount of skill, but no\\nsoldering. Upgrading a deskjet plus to a 500 is involves swapping\\nthe processor card and changing a few minor parts. Contact your HP\\nservice center for further information.\\n\\nThe PCL language used by Deskjets is considerably different from\\nthe PCL used by laser printers, especially the newer laser\\nprinters. The biggest problem is dumb laser drivers that send a\\nraster end command after each scan line. This makes no material\\ndifference for lasers, but causes the deskjet to print the\\naccumulated raster. As you might guess, the result is hideously\\nslow printing. The new DOS Wordperfect print deskjet drivers are\\nstill guilty of this particular behavior. From the way Wordperfect\\nworks, this would not be easy to change. Windows Wordperfect works\\nefficiently unless you use the DOS drivers instead of Windows'.\\n\\nThe PCL4 dialect used in the Laserjet IIIP allows compression that\\npermits a full page 300 dpi image to be rendered with only one\\nmegabyte of memory. An uncompressed image could be as large as\\nabout 909 Kbytes, but the printer needs about 300K of memory for\\nits internal house-keeping. Laserjet IV models support banded\\nprinting that allows incrmental download of the image with\\ncompression in limited memory situations. Deskjet downloadable\\nfonts are not compatible with laserjet fonts.\\n\\nA single page from a laserjet only requires about 20 seconds. This\\nis faster than any but the most trivial printing from a deskjet\\nprinter. The presumption, of course, being that the laser printer\\nhas completed its warm-up cyle.\\n\\nUntil ink chemistry is changed, wicking resulting in image\\ndeterioration is unavoidable. I won't use the word impossible, but\\nmatching laser quality output from a deskjet printer is unlikely.\\nChosing an appropriate paper type helps, but does not eliminate the\\nproblem.\\n\\nLaser printers are more wastful of energy and consumable\\ncomponents. HP does accept return of spent toner cartridges,\\nmitigating the material waste problem to a degree. Energy waste\\ncould use more work. Warm-up times have decreased, allowing\\nstand-by current consumption to be significantly reduced in the\\nlaserjet IV.\\n\\nKyocera produces a laser print engine that employs an amorphous\\nsilicon imaging drum with a replacable toner system. The image\\ndrum is good for approximately 100K copies. It is a very nice\\nprint engine. I wish HP used the Kyocera engine. Kyocera also has\\na neat modular paper source and stacker system.\\n\\nThe recommended duty cycle for a deskjet is significantly lower\\nthan any of HP's laser printers. The pick-up pressure rollers are\\nsubject to wear and I case confirm eventually do wear out. The\\nusual symptom is that the printer becomes reluctant to feed paper.\\nThe paper feed is integrated in a transport mechanism that is a\\nsingle part from HP service. Replacement cost for the transport is\\nalmost $200. The feed rollers are not separately replacable,\\nthough it would not be a difficult job for a competent technician.\\nI have disassembled and reassembled the transport on my own printer.\\n\\nIt depends upon the application which printer is best for you. If\\nyou only print 5 or 10 pages a day and are satisfied with the\\nappearance of output, the deskjet is a very good choice. As noted,\\nthe deskjet 500 is my choice for personal use.\\n\\n\\n-- \\nBill Mayhew NEOUCOM Computer Services Department\\nRootstown, OH 44272-9995 USA phone: 216-325-2511\\nwtm@uhura.neoucom.edu (140.220.1.1) 146.580: N8WED\\n\",\n", + " 'From: geb@cs.pitt.edu (Gordon Banks)\\nSubject: Re: seizures ( infantile spasms )\\nKeywords: seizures epilepsy\\nReply-To: geb@cs.pitt.edu (Gordon Banks)\\nOrganization: Univ. of Pittsburgh Computer Science\\nLines: 23\\n\\nIn article <1993Apr20.184034.13779@dbased.nuo.dec.com> dufault@lftfld.enet.dec.com (MD) writes:\\n>\\n>If anyone knows of any database or newsgroup or as I mentioned up above,\\n>any information relating to this disorder I would sure appreciate hearing\\n>from you. I am not trying to play doctor here, but only trying to gather\\n>information about it. As I know now, these particular types of disorders\\n>are still not really well understood by the medical community, and so I\\'m\\n>going to see now....if somehow the internet can at least give me alittle\\n>insight. Thanks. \\n\\n\\nThere is no database for infantile spasms, nor a newsgroup, that I\\nknow of. The medical library will be the best source of information\\nfor you.\\n\\n\\n\\n\\n-- \\n----------------------------------------------------------------------------\\nGordon Banks N3JXP | \"Skepticism is the chastity of the intellect, and\\ngeb@cadre.dsl.pitt.edu | it is shameful to surrender it too soon.\" \\n----------------------------------------------------------------------------\\n',\n", + " 'Subject: Quotation? Lowest bidder...\\nFrom: bioccnt@otago.ac.nz\\nOrganization: University of Otago, Dunedin, New Zealand\\nNntp-Posting-Host: thorin.otago.ac.nz\\nLines: 12\\n\\n\\nCan someone please remind me who said a well known quotation? \\n\\nHe was sitting atop a rocket awaiting liftoff and afterwards, in answer to\\nthe question what he had been thinking about, said (approximately) \"half a\\nmillion components, each has to work perfectly, each supplied by the lowest\\nbidder.....\" \\n\\nAttribution and correction of the quote would be much appreciated. \\n\\nClive Trotman\\n\\n',\n", + " 'From: thf2@kimbark.uchicago.edu (Ted Frank)\\nSubject: Ozzie Smith a Defensive Liability?\\nReply-To: thf2@midway.uchicago.edu\\nOrganization: University of Chicago\\nLines: 18\\n\\nIn article <1993Apr17.200602.8229@leland.Stanford.EDU> addison@leland.Stanford.EDU (Brett Rogers) writes:\\n>In article steph@pegasus.cs.uiuc.edu (Dale Stephenson) writes:\\n>>>Smith, Ozzie .742 .717 .697 .672 .664 0.701\\n>> The Wizard\\'s 1988 is the second highest year ever. Still very good,\\n>>but I don\\'t like the way his numbers have declined every year. In a few\\n>>years may be a defensive liability.\\n>\\n>That\\'s rich... Ozzie Smith a defensive liability...\\n\\nWhy? Do you expect him to remain the best shortstop in the game until\\nhe reaches his seventy-third birthday, or something? Why is it such a\\nstrange concept that a forty-one-year-old Ozzie Smith might be a defensive\\nliability in 1996?\\n-- \\nted frank | \\nthf2@kimbark.uchicago.edu | I\\'m sorry, the card says \"Moops.\"\\nthe u of c law school | \\nstandard disclaimers | \\n',\n", + " \"From: wil@shell.portal.com (Ville V Walveranta)\\nSubject: Joystick suggestions?\\nNntp-Posting-Host: jobe\\nOrganization: Portal Communications Company\\nX-Newsreader: TIN [version 1.1 PL8]\\nLines: 12\\n\\n\\n\\tI'm planning on buying a joystick (first time since I sold\\n\\tmy Amiga five years ago :) for a PC. I have no idea what \\n\\tkind of stick I should buy. Many people have recommended \\n\\tvariety of Gravis'es models. Are they any good/the best?\\n\\n\\t-- Willy\\n--\\n * Ville V. Walveranta Tel./Fax....: (510) 420-0729 ****\\n ** 96 Linda Ave., Apt. #5 From Finland: 990-1-510-420-0729 ***\\n *** Oakland, CA 94611-4838 (FAXes automatically recognized) **\\n **** USA Email.......: wil@shell.portal.com *\\n\",\n", + " 'From: M.Reimer@uts.edu.au (Matthew R)\\nSubject: Urbana 93 mission conference\\nOrganization: University Of Technology,Sydney\\nLines: 16\\n\\nI would like to hear from people who are thinking of going to the Urbana 93\\nconference in December this year. I have recently received info from IFES\\n(International Fellowship of Evangelical Students) and am thinking about\\nattending although I am still not sure whether I can afford it.\\n\\nI would also like to hear from people involved in IFES or IVF groups just to\\nhear how things are going on your campus.\\nAre there any news groups or groups of people who already do this.\\n\\nI am involved in the Christian Fellowship at the University of Technology\\nSydney in Australia. If you are interested to find out how we are going \\nmail me to find out.\\n\\nMatt Reimer\\nEmail: M.Reimer@uts.edu.au\\n\\t\\n',\n", + " 'From: speedy@engr.latech.edu (Speedy Mercer)\\nSubject: Re: Good Reasons to Wave at each other\\nOrganization: Louisiana Tech University\\nLines: 13\\nNNTP-Posting-Host: bhm116e-spc.engr.latech.edu\\n\\nIn article <1993Apr21.134121.1911@linus.mitre.org> cookson@mbunix.mitre.org (Cookson) writes:\\n\\nI waved to a guy on a riding mower this morning. Does that count?\\nBTW, I live in the country... EVERYONE waves out here!\\n\\n ----===== DoD #8177 = Technician(Dr. Speed) .NOT. Student =====----\\n\\n Stolen Taglines...\\n * God is real, unless declared integer. *\\n * I came, I saw, I deleted all your files. *\\n * Black holes are where God is dividing by zero. *\\n * The world will end in 5 minutes. Please log out. *\\n * Earth is 98% full.... please delete anyone you can. *\\n',\n", + " \"From: smhanaes@gpu.utcc.utoronto.ca (D. Wigglesworth)\\nSubject: freely distributable public key cryptography c++ code: where?\\nSummary: Do you know? \\nOrganization: UTCC Public Access\\nLines: 8\\n\\n\\nDo you know of any freely distributable c++ (or c) code for public\\nkey cryptography (such as RSA)? \\n\\nI've tried various archie searches to no avail. \\n\\n\\tThanks,\\n\\tDan\\n\",\n", + " 'From: lazio@astrosun.tn.cornell.edu (T. Joseph Lazio)\\nSubject: Re: Space Marketing would be wonderfull.\\nOrganization: Department of Astronomy, Cornell University\\nLines: 60\\n\\t<1993May17.021717.26111@olaf.wellesley.edu>\\n\\t<1993May17.054859.21583@ucsu.Colorado.EDU>\\nReply-To: lazio@astrosun.tn.cornell.edu\\nNNTP-Posting-Host: seti.tn.cornell.edu\\nIn-reply-to: fcrary@ucsu.Colorado.EDU\\'s message of Mon, 17 May 1993 05:48:59 GMT\\n\\n>>>>> On Mon, 17 May 1993 05:48:59 GMT, fcrary@ucsu.Colorado.EDU (Frank Crary) said:\\n\\nfc> In article <1993May17.021717.26111@olaf.wellesley.edu> lhawkins@annie.wellesley.edu (R. Lee Hawkins) writes:\\n>>because of his doubtfull credibility as an astronomer. Modern, \\n>>ground-based, visible light astronomy (what these proposed\\n>>orbiting billboards would upset) is already a dying field: The\\n\\n>Ahh, perhaps that\\'s why we\\'ve (astronomers) have just built *2* 10-meter\\n>ground-based scopes and are studying designs for larger ones.\\n\\nfc> Exactly what fraction of current research is done on the big, \\nfc> visable light telescopes? From what I\\'ve seen, 10% or less \\nfc> (down from amlost 100% 25 years ago.) That sounds like \"dying\"\\nfc> to me...\\n\\n That doesn\\'t seem like a fair comparison. Infrared astronomy \\n didn\\'t really get started until something like 25 yrs. ago; it\\n didn\\'t explode until IRAS in 1983. Gamma-ray (and I think \\n X-ray) observations didn\\'t really get started until the \\'70s.\\n I believe the same is true of ultraviolet observations in \\n general, and I know that extreme UV (short of 1000 Angstroms)\\n observations, until the EUVE (launched last year) had almost \\n no history except a few observations on Skylab in the \\'70s.\\n\\n Twenty-five years ago, the vast majority of astronomers only \\n had access to optical or radio instruments. Now, with far more\\n instruments available, growth in some of these new fields has\\n resulted in optical work representing a smaller fraction of \\n total astronomical work.\\n\\n\\n>Seriously, though, you\\'re never going to get a 10-meter scope into orbit\\n>as cheaply as you can build one on the ground, and with adaptive optics\\n>and a good site, the difference in quality is narrowed quite a bit\\n>anyway.\\n\\nfc> That would be true, if adaptive optics worked well in the visable.\\nfc> But take a look at the papers on the subject: They refer to anything\\nfc> up to 100 microns as \"visable\". I don\\'t know about you, but most\\nfc> people have trouble seeing beyond 7 microns or so... There are\\nfc> reasons to think adaptive optics will not work at shorter \\nfc> wavelengths without truely radical improvements in technology.\\n\\n Hmm, some of the folks in this department planning on using \\n adaptive optics at the 5 m at Palomar for near-infrared \\n observations (1 and 2 microns) might be surprised to hear this.\\n\\n And isn\\'t the NTT already pushing toward 0.1 arcsecond resolution, \\n from a ground-based site (remember 0.1 arcseconds was one of the \\n selling points of HST).\\n\\n\\n\\n\\n\\n--\\n | e-mail: lazio@astrosun.tn.cornell.edu\\n T. Joseph Lazio | phone: (607) 255-6420\\n | ICBM: 42 deg. 20\\' 08\" N 76 deg. 28\\' 48\" W\\nCornell knows I exist?!? | STOP RAPE\\n',\n", + " \"From: viking@iastate.edu (Dan Sorenson)\\nSubject: Re: Will CS burn or explode\\nOrganization: Iowa State University, Ames IA\\nLines: 21\\n\\nrcanders@nyx.cs.du.edu (Mr. Nice Guy) writes:\\n\\n>The FBI released large amounts of CS tear gas into the compound in\\n>Waco. CS tear gas is a fine power. Is CS inflammable. Grain dust\\n>suspended in air can form an explosive mixture, will CS suspended in air\\n>form an explosive mix? Could large quantities of CS have fueled the\\n>rapid spread of fire in the compound?\\n\\n\\tNo chance. If that CS ignited at all, it would have been\\nquite similar to a grain bin explosion. Explosion, I note. The\\nentire compound would have been leveled, not merely burned. As\\nthere was no explosion, there was no CS ignition causing the fire.\\n\\n\\tNote: at five miles a decent grain elevator explosion will\\nknock you on your butt and your ears will ring for days. I speak\\nfrom experience here.\\n\\n< Dan Sorenson, DoD #1066 z1dan@exnet.iastate.edu viking@iastate.edu >\\n< ISU only censors what I read, not what I say. Don't blame them. >\\n< USENET: Post to exotic, distant machines. Meet exciting, >\\n< unusual people. And flame them. >\\n\",\n", + " 'From: viking@iastate.edu (Dan Sorenson)\\nSubject: Re: guns=Amex AND new name.....\\nOrganization: Iowa State University, Ames IA\\nLines: 107\\n\\nThomas Parsli writes:\\n\\n\\tRemember me, Tom? I hope you\\'ll respond, and I seem to\\nbe a Voice of Reason or some such (I\\'ve been recieving fan mail,\\nso naturally my ego is somehwat inflated of late), and hope to\\nmake a few points here.\\n\\n>I have NEVER spoken for a ban against guns in America !\\n>What I\\'ve said is that there seems to be to MANY of them, and especially\\n>to many in wrong hands....\\n\\n\\tAnd our argument is that you cannot remove them from the people\\nwho need restricting and not remove them from the people who don\\'t. A\\nfairly simple problem, given our size and numbers. Do you agree? We\\nall believe criminals, particularly violent criminals, should not have\\nfirearms. The problem is making a law that does this without trodding\\nupon the rights of the vast majority. Nobody here seems to be able to\\ndo it, and I doubt anybody in Norway can either. Thus, we are left with\\na philosophical difference: does the safety of a few justify restricting\\nthe many? We say \"no,\" while others say \"yes.\"\\n\\n>Now IF you would like to reduce the number, how would you do it without\\n>affecting good/responcible gun owners ??\\n\\n\\tCan you provide a method that cannot be abused? I doubt it.\\n\\n>I DO believe in a persons freedom.\\n>What I don\\'t believe is that you can have it all and don\\'t pay for it.\\n\\n\\tOf course. This is not in contention. What is in contention\\nis how much one has to pay.\\n\\n>MOST europeans believe in a society of individuals, and that you HAVE\\n>to give \\'a little\\' to make that society work.\\n\\n\\tIt is this \"giving a little\" that makes Americans wary...\\nWe have seen this argument before. You might remember how a\\nChamberlain \"gave a little\" to a particular fascist/short asshole,\\nand how such \"appeasement\" worked. While it might work in some\\ninstances, it doesn\\'t work in others, and since we cannot predict\\nthe future we must be cautious in using actions that have a\\nhistory of failure.\\n\\n>Cars and guns should really not be mixed, I just tried to make a point.\\n>Like America, Norway has some spaces you have to cross to get from a to b,\\n>so a car is essential in most parts....\\n>Guns on the other hand are not essential in Norway, so we don\\'t \\n>argue that IF we \\'banned\\' guns we HAVE to ban cars.....\\n\\n\\tCars are not essential in Norway any more than they are in\\nthe USA. I\\'m willing to bet that you have neighbors that would be\\nwilling to drive you anywhere you wanted to go for a price. Thus,\\ncars are not essential for your transportation. However, the\\narguments presented show that, since cars are used to kill far more\\npeople than guns in the USA, it makes much more sense to restrict\\ncars than it does guns. How one defines \"essential\" often depends\\nupon what one is willing to go through for that service. When we\\nlook at the raw data, such comparisons are not individually weighed.\\n\\n>EVERYONE who believe that Hitler and WW2 could be avoided if there were\\n>more guns in Germany in the 30\\'s: PLEASE read some HISTORY!\\n\\n\\tThis depends upon what the populace was willing to do. As\\nDesert Storm proved, even an armed populace won\\'t just revolt even\\nwhen given a chance. Still, would Hitler have done all that he did\\nwith an armed populace? We have to wonder, as some of his first\\nacts were to confiscate firearms. Other points in history show\\nthat dictators were overthrown by arms in the hands of the populace.\\nThus, we\\'re left wondering if Hitler would have been overthrown\\nor if King George was just unlucky in keeping the USA as a colony.\\nOne can argue both sides; one also has to live with each action.\\n\\n>Is this discussion about\\n>1. Banning weapons for ALL Americans\\n> or\\n>2. Making it harder for criminals to get one ??\\n\\n\\tIt is about #2, but so far all proposals to curtail #2 have\\nwound up enforcing #1 as well. I only wish that \"or\" was so logical.\\n\\n>Change of name.......\\n\\n\\tThat was, on my part, purely in jest. I merely pointed out\\nhow we were from similar backgrounds racially, but of wholly different\\nbackgrounds politically. I thought this would underscore my point on\\nhow our cultures were so different despite similar heritage.\\n\\n>Did the BATF get the warrant for a gun search only or was there other reasons.\\n>(Child abuse for instance)\\n\\n\\tBATF can *only* enforce gun/tobaccco/alcohol violations. Child\\nabuse is a matter for the individual states and local authorities.\\n\\n>Doesn\\'t the people reading this newsgroup have access to the clari.news.* \\n>hierarcy ?? (Some seems rather mis/unInformed)\\n\\n\\tThat hierarchy is a paid-for feed at many sites. Most people do\\nnot get it for this reason, and I suspect money, not censorship, is the\\nmain reason. Do you get alt.sex* at your site? I can\\'t read it here\\nbecause of censorship and legal fears, so again our differences show.\\nYou have topless sunbathing, and in the USA we can watch a murder every\\nfifteen seconds and yet breasts are forbidden on television.\\n\\n< Dan Sorenson, DoD #1066 z1dan@exnet.iastate.edu viking@iastate.edu >\\n< ISU only censors what I read, not what I say. Don\\'t blame them. >\\n< USENET: Post to exotic, distant machines. Meet exciting, >\\n< unusual people. And flame them. >\\n',\n", + " \"From: tripper@cbnewsk.cb.att.com (andrew.r.tripp)\\nSubject: Airline Tickets -- O'Hare->Tuscon\\nOrganization: AT&T\\nDistribution: usa\\nKeywords: Tickets - O'Hare->Tucson Round Tripp\\nLines: 29\\n\\n\\tTwo Round-Trip Tickets\\n\\tO'Hare --> Tuscon\\n\\tAmerican Airlines\\n\\tGood thru November\\n No Reasonable Offer Refused, But lets start at\\n $750 for both (Paid $925)\\n\\n\\tHopefully someone can use these as I\\nhave no use for them, and don't know a way \\nto get my moneys worth without going to\\nTuscon again! `\\n\\n\\tE-Mail only at this time\\n\\n\\t tripper@cbnewsk.cb.att.com\\n\\n//////////////////////////////////////////////////////////////\\n Now why would AT&T or Butler Services \\n have anything to do with my warped ramblings?!\\n\\nCrabby-Old-Fart Mechanical/PCB Designer w/buku CAD background,\\n & still working on BSCS is looking for work! \\n Wants to take a shot at ASIC/IC Layout!!\\n\\n--------------------------------------------------------------\\n A.R.Tripp - a.k.a. tripper@cbnewsk.cb.att.com\\n--------------------------------------------------------------\\n//////////////////////////////////////////////////////////////\\n\\n\",\n", + " 'From: heath@athena.cs.uga.edu (Terrance Heath)\\nSubject: Nature of God (Re: Environmentalism and paganism)\\nOrganization: University of Georgia, Athens\\nLines: 26\\n\\nIn article mcovingt@aisun3.ai.uga.edu (Michael Covington) writes:\\n>I would like to see Christians devote a bit less effort to _bashing_\\n>paganism and more to figuring out how to present the Gospel to pagans.\\n>\\n>Christ is the answer; the pagans have a lot of the right questions.\\n>Unlike materialists, who deny the need for any spirituality.\\n>\\n>\\n\\n\\tOne of the things I find intersting about pagan beliefs is\\ntheir belief in a feminine deity as well as a masculine deity. Being\\nbrought up in a Christian household, I often wondered if there was God\\nthe Father, where was the mother? Everyone I know who has a father\\nusually as a mother. It just seemed rather unbalanced to me. \\n\\tFortunately, my own personal theology, which will probably not\\nfall into line with a lot others, recognized God as a being both\\nwithout gender and posessing qualities of both genders, as being both\\na masculine and feminine force. It provides a sense of balance I find\\nsorely lacking in most theologies, a lack which I think is responsible\\nfor a lot of the unbalanced ways in which we see the world and treat\\neach other.\\n-- \\nTerrance Heath\\t\\t\\t\\theath@athena.cs.uga.edu\\n******************************************************************\\nYOUR COMFORT IS MY SILENCE!!!!! ACT-UP! FIGHT BACK! TALK BACK!\\n******************************************************************\\n',\n", + " 'From: rdell@cbnewsf.cb.att.com (richard.b.dell)\\nSubject: Re: Fujitsu 8\" HDD\\nKeywords: M2321K, M2322K, Fujitsu, Microdisk (-:\\nOrganization: AT&T\\nDistribution: na\\nLines: 15\\n\\nIn article <1993Apr17.204351.2256@aber.ac.uk> cjp1@aber.ac.uk (Christopher John Powell) writes:\\n\\n[deletions]\\n\\n>It appears to use two balanced-line connections, but what each connection\\n>corresponds to I know not. One connection is a 30-way IDC, the other a\\n>60-way IDC.\\n\\nSounds like it is an SMD interface to me, not being at work now\\nto actually count pins. there are two varients, SMD and\\nSMDC (I think), only minor differences between them. Widely used\\nprior to the advent of SCSI for large drives (or all drives) on minis\\n(and mainframes(?) no experience on those).\\n\\nRichard Dell\\n',\n", + " 'From: mcovingt@aisun3.ai.uga.edu (Michael Covington)\\nSubject: Re: Building a UV flashlight\\nNntp-Posting-Host: aisun3.ai.uga.edu\\nOrganization: AI Programs, University of Georgia, Athens\\nLines: 13\\n\\nYou can get a *little* UV by putting a heavy UV filter (deep purple) in\\nfront of an ordinary flashlight bulb (the brightest you can get).\\nMy father used a setup like this in law enforcement work circa 1964.\\n\\nGood UV (\"blacklight\") bulbs work like fluorescent bulbs. I\\'d proceed by\\ngetting a cheap battery-powered _fluorescent_ light, then going to an\\nelectrical supply house and finding a UV bulb that would fit it.\\n\\n-- \\n:- Michael A. Covington, Associate Research Scientist : *****\\n:- Artificial Intelligence Programs mcovingt@ai.uga.edu : *********\\n:- The University of Georgia phone 706 542-0358 : * * *\\n:- Athens, Georgia 30602-7415 U.S.A. amateur radio N4TMI : ** *** ** <><\\n',\n", + " 'From: ebraeden@magnus.acs.ohio-state.edu (Eric W Braeden)\\nSubject: ** What exactly is the IBM made 486SLC or SLC2 Processor? **\\nNntp-Posting-Host: top.magnus.acs.ohio-state.edu\\nOrganization: The Ohio State University\\nDistribution: na\\nLines: 11\\n\\nCould someone please tell me if the 486SLC and 486SLC2 processors\\nIBM is putting in their Thinkpad 700\\'s and other PC\\'s is a REAL\\n486 with a math coprocessor or if it is really some Kludge that\\nshould not be called a 486 at all?\\n\\nThanks,\\nEric\\n-- \\nEric W. Braeden | \"Der Verstand war zwar praechtig\\nOhio State University | doch das Nuetzte am Ende nicht viel\"\\nebraeden@magnus.acs.ohio-state.edu | Peter Schilling 120 Grad 1983\\n',\n", + " \"From: mont@netcom.com (Mont Pierce)\\nSubject: Re: 8051 Microcontroller\\nOrganization: Netcom - Online Communication Services (408 241-9760 guest)\\nLines: 31\\n\\nIn article <1qppr5INNaqa@dns1.NMSU.Edu> mcole@spock (COLE) writes:\\n>I would like to experiment with the INTEL 8051 family. Does anyone out \\n>there know of any good FTP sites that might have compiliers, assemblers, \\n>etc.?\\n\\nWell, it's not an FTP site, but I got an 800 number for Signetics BBS.\\n\\nThe Signetics BBS contain some pretty good items for the 8051. I am\\ncurrently using the following files which I downloaded from them:\\n\\n ml-asm51.zip MetaLink's 8051 family macro assembler\\n bootstrp.zip Hex file Load-and-Go using 8051 uart\\n (allows you to download your program into a RAM\\n and then execute from RAM. Works great. Tell\\n me if you want more details).\\n tutor51.zip TSR for 8051 feature help screens\\n \\nThey have lots of coding examples, assemblers, and misc. tools.\\n\\nSignetics BBS numbers are: (800) 451-6644\\n (408) 991-2406\\n\\nHave fun,\\n-- \\nMont Pierce\\n\\n+-------------------------------------------------------------------------+\\n| Ham Call: KM6WT Internet: mont@netcom.com |\\n| bands: 80/40/20/15/10/2 IBM vnet: mont@vnet.ibm.com |\\n| modes: cw,ssb,fm |\\n+-------------------------------------------------------------------------+\\n\",\n", + " 'From: osan@cbnewsb.cb.att.com (Mr. X)\\nSubject: Re: guns in backcountry? no thanks\\nOrganization: Twilight Zone\\nLines: 77\\n\\nIn article <121415@netnews.upenn.edu> egedi@ahwenasa.cis.upenn.edu (Dania M. Egedi) writes:\\n>In article <1993Apr16.222604.18331@CSD-NewsHost.Stanford.EDU>, andy@SAIL.Stanford.EDU (Andy Freeman) writes:\\n>|> In article <1993Apr16.174436.22897@midway.uchicago.edu> pkgeragh@gsbphd.uchicago.edu (Kevin Geraghty) writes:\\n\\n>>>wrong about the whole guns-for-protection mindset, it ignores the\\n>>>systemic effects of cumulative individual actions. If you want fire\\n>>>insurance on your house that\\'s prudent and it has no effect on me; but\\n>>>if you and a bunch of other paranoids are packing handguns in the\\n>>>backcountry it makes me, and anyone else who doesn\\'t chose to protect\\n>>>himself in this manner, pretty f**king nervous. \\n>>\\n>> Why? If you\\'re not a threat, you\\'re not affected at all.\\n>> \\n>\\n>Aha. That\\'s the part that makes me nervous too. Who gets to decide if\\n>I am a threat? \\n\\n\\tWhen I might possibly be on the receiving end of a violent gesture, \\n\\tthen *I* get to decide for myself. If someone does not like it, too\\n\\tbad. I would be doing exactly what YOU or any other living creature\\n\\twould do in terms of evaluation. What\\'s the big deal?\\n\\n>Based on appearance? \\n\\n\\tSometimes.\\n\\n>Would someone feel more threatened when approached by a very dirty, smelly, \\n>slightly-maniacal looking person with a slight glaze to the eyes, muttering \\n>to himself? \\n\\n\\tI might.\\n\\n>Doesn\\'t this describe most backpackers after they\\'ve been out more than a \\n>couple of days? \\n\\n\\tNot in my experience. And let us not forget that context is often an\\n\\timportant factor in evaluating a situation. Seeing disheveled persons\\n\\ton a hiking trail is not likely to be evaluated equally with meeting\\n\\ta grimey sort, as described above, on a lonely city street at 3 am.\\n\\tAnyone that cannot properly discriminate between these two different\\n\\tsituations is legitimate fodder for the old \"survival of the fittest\" \\n\\tprinciple.\\n\\n>Or based on something else? Proximity? No room to pass on the trail\\n>without getting *real close* to someone. An inner sense? Now I\\'m really \\n>getting nervous.\\n\\n\\tSounds like you doubt your own abilities. You sound pretty\\n\\ttypical in this respect. You also seem to think that you\\'ll\\n\\tbe safe or safer if others are unarmed. This is dangerous \\n\\tfantasy.\\n\\n>Twice when I was hiking the A.T. I came up on a shelter that I was planning\\n>on staying at and saw someone sitting there cleaning his gun. Softly I backed\\n>away, and hiked another 5 miles to get *out of there*. I\\'ll freely admit it here:\\n>I\\'m not afraid of guns; I\\'m afraid of people that bring them into the backcountry.\\n\\n\\tThen you are in need of some form of therapy. Not necessarily that\\n\\tof an analyst, but maybe you should learn about guns. Your fear is\\n\\tseems to be based in ignorance and false knowledge. You see a person\\n\\twith a gun and you feel threatened. Why is this so? Have you any\\n\\tlegitimate basis for this? Any first-hand experience that lends\\n\\tvalidity to your fears? Or are your fears based on mediated experience,\\n\\ti.e. the anecdotes of others such as network news? I trust you can\\n\\tsee the lack of legitimacy in such mediated inputs?\\n\\n\\tAnd why are you afraid of the PEOPLE as mentioned above? Forgive me,\\n\\tbut you sound afraid to the point of paranoia. Perhaps you should talk\\n\\tto someone about this. I am not saying this to be rude or fascetious,\\n\\tbut I think anyone with fear as deep and baseless as yours *seems* to\\n\\tbe needs some sort of help. Living in fear really sucks, even if it\\n\\tis only when around people with guns in the back country.\\n\\n\\tTell me: would you be as fearful of a park ranger who was right in \\n\\tfront of you with their side arm in clear view? Why or why not?\\n\\n\\t-Andy V.\\n',\n", + " 'From: Eugene.Bigelow@ebay.sun.com (Geno )\\nSubject: Re: The doctrine of Original Sin\\nReply-To: Eugene.Bigelow@ebay.sun.com\\nOrganization: Sun Microsystems, Inc.\\nLines: 21\\n\\n>Eugene Bigelow writes:\\n\\n>>Doesn\\'t the Bible say that God is a fair god [sic]? If this is true,\\n>how can >this possibly be fair to the infants?\\n\\nAndrew Byler writes:\\n\\n>[What do you mean fair? God is just, giving to everyone what they\\n>deserve. As all infants are in sin from the time of conception (cf\\n>Romans 5.12, Psalm 1.7), they cannot possibly merit heaven, and as\\n>purgatory is for the purging of temporal punishment and venial sins, it\\n>is impossible that origianl sin can be forgiven....\\n\\nAs St. Augustine said, \"I did not invent original sin, which the\\nCatholic faith holds from ancient time; but you, who deny it, without a\\ndoubt are a follower of a new heresy.\" (De nuptiis, lib. 11.c.12)]\\n\\nWhy is it fair to punish you, me and the rest of humanity because of\\nwhat Adam and Eve did? Suppose your parents committed some crime before\\nyou were born and one day the cops come to your door and throw you in\\njail for it. Would you really think that is fair? I know I wouldn\\'t.\\n',\n", + " \"From: rg@futserv.austin.ibm.com (R.G. Keen)\\nSubject: Re: All Electronics Press and Peel PCB transfer\\nReply-To: ...futserv.austin.ibm.com!rg\\nOrganization: IBM Coporation - Advanced Workstations and Systems.\\nLines: 12\\n\\nI think there is a huge difference in the materials and \\nprocess for printer/toner PCB's. I get first time, everytime\\nresults from a local HP Postscript, and hardly ever works from\\ncopies of the same artwork. The printer results are so good\\nthat I have quit even looking for PC board processes. If I had\\nto use the copier version, I would think I would look elsewhere.\\nThe moral? Experiment and find what works. Toner transfer CAN\\ngive excellent results. It, like any process, gives erratic \\nresults with variable inputs.\\n\\nR.G.\\n\\n\",\n", + " 'From: golchowy@alchemy.chem.utoronto.ca (Gerald Olchowy)\\nSubject: Re: RUMOUR - Keenan signs with Rangers?\\nOrganization: University of Toronto Chemistry Department\\nLines: 22\\n\\nIn article <1993Apr16.171347.784@news.columbia.edu> gld@cunixb.cc.columbia.edu (Gary L Dare) writes:\\n>\\n>UPI Clarinet has just relayed a \"scoop\" from the Toronto Sun\\n>(or was that Star? I like the Star myself ...) that Iron Mike\\n>Keenan has come to an agreement with the New York Rangers for\\n>next season. Interestingly, this comes the day after the Times\\n>Sports had an editorial about how the Rangers need their own\\n>Pat Riley ... who cares about what happens after next season?\\n>\\n\\nThe rumour was basically everywhere in Toronto based on reports\\nthat Keenan has told both San Jose and Philadelphia that he\\nwas no longer interested in pursuing further negotiations with\\neither team. \\n\\nThe Ranger announcement is supposed to happen tomorrow supposedly.\\n\\nThe Rangers have so many veterans that they had to get a coach\\nwith \"weight\" and a proven record...and whom they know Messier respects.\\n\\nGerald\\n\\n',\n", + " \"From: steve-b@access.digex.com (Steve Brinich)\\nSubject: Re: Secret algorithm [Re: Clipper Chip and crypto key-escrow]\\nOrganization: Express Access Online Communications, Greenbelt, MD USA\\nLines: 6\\nNNTP-Posting-Host: access.digex.net\\n\\n > Nonsense! I wasn't asked if Larry O'Brien should trust Nixon with his keys,\\n >but whether I would.\\n\\n Well, that explains it. The government has no real need to spy on people\\nwho already love Big Brother; it's the people who are inclined to talk\\nback who need to be watched.\\n\",\n", + " 'From: npet@bnr.ca (Nick Pettefar)\\nSubject: Re: Well blow me down. yuk,yuk,yuk\\nNntp-Posting-Host: bmdhh299\\nOrganization: BNR Europe Ltd, Maidenhead, UK\\nX-Newsreader: TIN [version 1.1 PL8]\\nLines: 26\\n\\nIvan D. Reid, on the 23 Apr 1993 06:05 PST wibbled:\\n: In article <1993Apr23.121316.1564@news.columbia.edu>, Rob Castro writes...\\n: >When/How do you decide that it is too windy to ride?\\n\\n: \\tWhen even the seagulls are walking. :-)\\n\\n: Ivan Reid, Paul Scherrer Institute, CH. \\t\\t\\tivan@cvax.psi.ch\\n: GSX600F, RG250WD.\\tSI=2.66 \"You Porsche. Me pass!\"\\tDoD #484\\n\\nWhen you can make no headway into the wind?\\n\\nWhen you hear a dull booming noise after going down hill with the\\nwind behind you and you\\'re WFO. \\n\\nBe very careful during the above, as all the controls will have the \\nopposite effect.\\n--\\n\\nNick (the Mach 0.22 Biker) DoD 1069 Concise Oxford\\n\\nM\\'Lud.\\n \\nNick Pettefar, Contractor@Large. /~~~\\\\ \"Teneo tuus intervallum\"\\nCuurrently incarcerated at BNR, {-O^O-} npet@bnr.ca \\'86 BMW K100RS \"Kay\"\\nMaidenhead, The United Kingdom. \\\\ o / Pres. PBWASOH(UK), BS 0002\\n (-\\n',\n", + " 'From: stgprao@st.unocal.COM (Richard Ottolini)\\nSubject: Re: images of earth\\nOrganization: Unocal Corporation\\nLines: 16\\n\\nIn article <1993Apr19.144533.6779@cs.ruu.nl> clldomps@cs.ruu.nl (Louis van Dompselaar) writes:\\n>In ricky@watson.ibm.com (Rick Turner) writes:\\n>\\n>>Look in the /pub/SPACE directory on ames.arc.nasa.gov - there are a number\\n>>of earth images there. You may have to hunt around the subdirectories as\\n>>things tend to be filed under the mission (ie, \"APOLLO\") rather than under\\t\\n>>the image subject.\\t\\n>>\\n>For those of you who don\\'t need 24 bit, I got a 32 colour Amiga IFF\\n>of a cloudless Earth (scanned). Looks okay when mapped on a sphere.\\n>E-mail me and I\\'ll send it you...\\n\\nBeware. There is only one such *copyrighted* image and the company\\nthat generated is known to protect that copyright. That image took\\nhundreds of man-hours to build from the source satellite images,\\nso it is unlikely that competing images will appear soon.\\n',\n", + " 'From: adams@bellini.berkeley.edu (Adam L. Schwartz)\\nSubject: Re: Israel: An Apartheid state.\\nNntp-Posting-Host: bellini.berkeley.edu\\nOrganization: U.C. Berkeley -- ERL\\nLines: 37\\n\\nIn article <1smllm$m06@cville-srv.wam.umd.edu> aap@wam.umd.edu (Alberto Adolfo Pinkas) writes:\\n>In article <1993May10.211316.28455@pasteur.Berkeley.EDU> adams@bellini.berkeley.edu (Adam L. Schwartz) writes:\\n>Which was my point. By converting to another religion I do not loose\\n>my cultural identity, I just loose my religious identification.\\n>I consider that defining the belonging to a nation that claims the \\n>right to have a State based on religious belief is a form of racism.\\n>\\n>\\n>To be a part or not of the Jeish Nation is defined by my culture and not\\n>by my religion. Actually, if I am an atheist, which is in fact like \\n>converting into a non-Jewish in terms of religion, I am still considered as\\n>part of the Jewish Nation.\\n>I can be proud of my Jewish culture while not giving any importance to the\\n>Jewish religion. Or, even more, I can be proud of my Jewish culture while\\n>still be convinced that the real god is another one.\\n>I do not know anyone who lost his memebership to the American nation \\n>because he changed of god.\\n\\nAlberto, you\\'ve repeatedly misunderstood my postings. You are now making the exact point\\nthat I\\'ve made several times but with a different definition of religion. You don\\'t not\\nhave to believe in the \"religious\" aspects of Judaism to be a Jew (this would confine\\nJudaism to be just a religion in the sense of a Christianity.). So, by converting out of\\nJudaism, I don\\'t mean just not believing in the god of Judaism. I mean voluntarily\\nremoving yourself from the Jewish nation. I am an agnostic but still consider myself\\nJewish because of my cultural heritage. (I admit that many religious jews would argue\\nthat I am not completely jewish because of my lack of faith, but Judaism is a religion of\\ndissent and debate isn\\'t it?). The fact that one can opt to become Jewish simply by\\nconverting to Judaism makes the nation of the jewish people the *least* racist and most\\nopen nation. We have no quotas!\\n\\nSo I will once again make my point. Defining a member of the Jewish nation by religion\\n(not, as you say, religious belief) is NOT racism. You come to your incorrect conclusion\\nbecause you use a different definition for religion when you define the law of return and\\nwhen you define judaism.\\n\\n-Adam Schwartz\\n\\n',\n", + " \"From: bohnert@leland.Stanford.EDU (matthew bohnert)\\nSubject: Re: Rickey Henderson\\nOrganization: DSG, Stanford University, CA 94305, USA\\nDistribution: usa\\nLines: 26\\n\\n>\\n>And Michael Jackson, Jack Nicholson, and Bill Cosby wouldn't be \\n>making near as much money if they weren't entertainers. So what's\\n>your point?\\n\\nActually, I could care less what his salary is. It has something to do\\nwith the fact that we live in America, and everyone is entitled to\\nwhatever he can legally obtain. If Sandy Alderson and the Haas family\\nwillingly negotiate a salary of $35 million per year with Rickey, I couldn't\\ncare less.\\n\\nBut what REALLY GETS MY GOAT is the bullshit he spouted in spring training,\\nabout `Well... sometimes I may not play as hard, or might be hurt more\\noften, in a place where I'm not appreciated'. This quote was in the Chronicle\\nabout the second week of camp, and strongly suggests that he was going to \\ndog it all year if the ownership didn't kiss his butt and ante up some\\nmore money. For God's sake, Rickey, you signed a contract 4 years ago,\\nnow honor it and play! \\n\\nSay all you want to about Steve Garvey, and believe\\nme, I hated him too, but at least when he put his signature on a piece\\nof paper he shut his mouth and played hard until the contract was up.\\n\\nMatt Bohnert\\n\\n\\n\",\n", + " \"From: jperkski@kentcomm.uucp (Jim Perkowski)\\nSubject: Re: jiggers\\nDistribution: world\\nX-NewsSoftware: GRn 1.16f (10.17.92) by Mike Schwartz & Michael B. Smith\\nOrganization: Privately owned and operated UUCP site.\\nLines: 26\\n\\nIn article <1ppae1$bt0@bigboote.WPI.EDU> susan@wpi.WPI.EDU (susan) writes:\\n> a friend of mine has a very severe cause of jiggers -\\n> for over a year now - they cause him a lot of pain.\\n>\\n> i recently read (i don't know where) about a possible\\n> cure for jiggers. does anyone have any information on\\n> this? i can't remember the name of the treatment, or\\n> where i read it.\\n>\\n\\nI'll probably get flamed for this, but when I was a kid we would go to\\nmy uncles cabin on Middle Bass Island on Lake Erie. We always came home\\nwith a nasty case of jiggers (large red bumps where the buggers had\\nburrowed into the skin). My mother would paint the bumps with clear\\nfinger nail polish. This was repeated daily for about a week or so. The\\napplication of the polish is supposed to suffocate them as it seals of\\nthe skin. All I can say is it worked for us. One word of caution\\nthough. Putting finger nail polish on a jigger bite stings like hell.\\n\\n(If I do get flamed for this just put jam in my pockets and call me\\ntoast.:)\\n\\n--\\n_______________________________________________________________________________\\nkentcomm!jperkski@aldhfn.akron.oh.us (and) kentcomm!jperkski@legend.akron.oh.us\\n\\n\",\n", + " \"From: mellon@ncd.com (Ted Lemon)\\nSubject: Re: Shipping a bike\\nOrganization: Network Computing Devices, Inc.\\nLines: 14\\nNNTP-Posting-Host: pepper.ncd.com\\nIn-reply-to: manish@uclink.berkeley.edu's message of 15 Apr 93 20:51:02 GMT\\n\\n\\n>Can someone recommend how to ship a motorcycle from San Francisco\\n>to Seattle? And how much might it cost?\\n\\nI'd recommend that you hop on the back of it and cruise - that's a\\nreally nice ride, if you choose your route with any care at all.\\nShouldn't cost more than about $30 in gas, and maybe a night's motel\\nbill...\\n\\n\\t\\t\\t _MelloN_\\n--\\nmellon@ncd.com\\t\\t\\t\\t\\t\\tuunet!lupine!mellon\\nMember of the League for Programming Freedom. To find out how software\\npatents may cost you your right to program, contact lpf@uunet.uu.net\\n\",\n", + " 'From: mls@panix.com (Michael Siemon)\\nSubject: commandments I (the basics)\\nOrganization: PANIX Public Access Unix, NYC\\nLines: 205\\n\\nWhy should anyone (check: let\\'s restrict this to Christians, why do *we*)\\nwant to find \"commandments\" in the books regarded as scripture? What\\'s\\ngoing on? I will pass on psychologizing answers (whether dismissive or more\\nopen) as not the kind of issue to deal with here -- the question is what is\\nthe *theological* point involved? And it has been quoted \"at\" me often\\nenough by those who don\\'t believe I take it seriously, that Jesus (is said\\nto have) said, \"If you love me, you will obey my commands.\" [John 14:15]\\n\\nI am, like any Christian, the slave of Christ, and it is my will that I\\nshould do as He wills me to do. I am (also, or instead) His younger brother,\\nbut still under His direction, though we both call God \"Abba.\" Christians,\\ntherefore, will try to find what it is that their Lord commands them, and\\ndiscovering it will feel obligated to do it, or to confess their failure.\\nReaders here may set aside the theologizing jargon (such as \"slaves of\\nChrist\") -- the point is that adherents of a religion *will* read the texts\\n(whether classified as \"inspired\" or not) that are held up as models, in an\\neffort to find application to their own situations. This practice ranges\\nfrom \"devotional\" reading of sermons and the like to the exegesis of canon-\\nical scripture as \"the Word of God.\" And at the highest pitch, this leads\\nto a question of whether we *can* find in inspired scripture something that\\ncan act as \"absolute\" guidance for our actions.\\n\\nThe problem is in finding out just *what* it is our Lord commands. I am\\ngoing to set aside for this essay one major direction in which Christians\\nhave looked for these commands, namely Christian tradition. That is not\\nbecause *I* reject tradition, but because my primary audience in this essay\\nis Protestants, who deny tradition a determinative value, in favor of the\\nwitness of Scripture. The question I want to deal with is, WHAT commandments\\ncan we find from our Lord in Scripture? And that turns out to be a hard\\nquestion. [ If any of my Protestant Inquisitors would *like* to turn the\\ndiscussion to the authority of tradition, I can accomodate them :-), unlike\\n*most* Protestants, Episcopalians admit claims from a) Scripture b) Reason\\nand c) Tradition on roughly equal standing. ]\\n\\nEarlier in John than my quote above, we read [John 13:34] \"I give you a new \\ncommandment: love one another.\" This is the ONLY place in the NT where\\nChristians are given an explicit commandment, with the context commenting\\non its imperative mode pronouncement by Jesus. At the same meal [so we\\n*readers* infer, since it is *not* in John, but in the Synoptics] Jesus\\nsays, \"Take this [bread]; this is my body.\" [Mark 14:22, cf. Matthew 26:26,\\nLuke 22:19, 1 Corinthians 11:24] The mode is imperative (Greek _labete_),\\nand hence this, too, is a \"commandment.\"\\n\\nIn *both* cases we have to *infer* that the command is directed to a wider\\ncircle than the immediate collocation of disciples -- because we judge the\\nevangelist\\'s point in mentioning it (with the disciples by then mostly or\\nentirely dead) is that *we* are expected to follow this as a commandment\\nfrom our Lord. In the case of communion, Paul\\'s mention (at least; this\\nis probably true of the evangelists also) implies an ongoing ritual liturgy\\nin which these words operate to \"bind\" Christians to the original command\\nto his disciples, as a continuing commandment to the Christian community.\\n\\nI am entirely comfortable with this inference, but I *must* point out that\\nit is THERE, between us and the occasion on which Jesus spoke the command.\\nI take it as a clear inference, at the very least the EVANGELIST\\'S notion,\\nthat *all* Christians are called to love one another, in Jesus\\' command\\ndirected at the disciples. But I have to call attention to the inference.\\nThe command CANNOT apply to me without the generalization from the specific\\ncontext of its statement to my own context as a \"disciple\" of Christ.\\n\\nAll reading of scripture has to make such inferences, to get any sense out\\nof the text whatsoever. This is a general problem in reading these texts\\n-- we cannot read them at all without our *own* understanding of our native\\nlanguages in which we (normally) read the (translated) texts, and without\\n*some* appreciation of the original context (and at points, the original\\nlanguages, when English misleads us.) I am going to presume, in what follows,\\nthat we have the *general* problem of how to read scripture under control\\n[ I don\\'t *really* think this is true, but it will suffice for my current\\npurposes. ] I will address ONLY the issues that arise when we have already\\ncoped with the understanding of a 2000 year old text from another world\\nthan the one we live in. Questions at THAT level only introduce MORE reser-\\nvations about the commandments issue than will be found stipulating that we\\ncan read the texts as the original audience might have done.\\n\\nAmong the reasons we have for seeing John\\'s _agapate allelou_ as a *general*\\ncommandment (not merely an instruction by Jesus to this disciples on that\\none occasion), and one linking it to the Synoptic \"Great Commandment\" is\\nthat we have criticism, from Jesus, about limiting our love to those whom\\nwe congenially associate with. In Matthew 5:43ff we read, \"You have learnt\\nhow it was said: \\'You must love your neighbor\\' and hate your enemy. But I\\nsay to you: love your enemies.\" In fact, the Leviticus context quoted\\ndoes NOT say \\'hate your enemy\\' -- it is merely the common human presumption.\\n(And Leviticus is at pains to say that the \"love\" should extend to strangers\\namongst the people of Israel.) Luke, in expanding on this same Q context,\\ngoes on to have Jesus say. \"Even sinners love those who love them.\" [6:27]\\nAll of this suggests [quite strongly, I\\'d say :-)] that *limiting* the\\nscope of the \"new commandment\" is not quite what Jesus has in mind. In\\nshort, inference *leads me* to generalizing the actual text to a command\\nthat is \"in force\" on Christians, and with objects not limited to other\\nChristians.\\n\\nTrickier than the _agapate allelou_ or Institution of communion, there is\\nthe case of the \"Great Commission\" where (Matthew 10, Mark 6) the Twelve\\nare sent out to evangelize, \"Proclaim that the kingdom of heaven is close\\nat hand.\" The verb is imperative (_ke:russete_), but the context is rather\\nspecific to the Twelve, and there are further specifiers (as in \"Do not\\nturn your steps to pagan territory, and do not enter any Samaritan town\"\\n-- the Lukan parallels are even more specific to Jesus\\' final journey to\\nJerusalem) which make it harder to see this generalizing to all Christians\\nthan the previous examples. That hasn\\'t prevented Christians from MAKING\\nsuch an inference; what I have to call attention to is that such inference\\nis NOT justified in the text, nor (unlike the first two cases I cite) by\\nthe rhetoric of the evangelist urged on the reader. Still, Paul seems to\\nhave felt obliged to \"proclaim that the kingdom of heaven is close at hand\"\\neven (contrary to Jesus\\' instructions to the 12 :-)) to the gentiles, to\\nthe ends of the earth. So, Christians after him have also taken this as\\na \"commandment\" in the sense of John 14:15. Do I \"accept\" this? I don\\'t\\nknow. It is surely rather speculative. But you see how the ripples of\\ninference spread out from the text that is the pretext -- Christians (may)\\ninfer a general commandment, applicable to all, from what is presented in\\nthe gospels as a specific occasion. I do not (necessarily) object to this\\nkind of generalization -- but I *insist* that people who make it *must*\\nhave an understanding that they are *reasoning* (at some considerable\\nlength) from what we actually *have* in scripture. There are *assumptions*\\ninvolved in this reasoning, and *these* are *not* themselves scriptural\\n(though people will do their best to \"justify\" their assumptions by OTHER\\nreferences to scripture -- which simply adds MORE inference into the mix!)\\n\\nLet\\'s move on to the \"Great Commandment\" -- that we should love God with\\nour whole hearts and minds and souls. This is, perhaps, the Synoptic\\n\"equivalent\" of John\\'s _agapate allelou_. And yet, it is not PRESENTED\\nas a commandment, in our texts. Rather, the context is controversy with\\nthe Pharisees. To cite Matthew [22:34ff]\\n\\n\\t\"But when the Pharisees heard that he had silenced the Sadducees\\n\\tthey got together and, to disconcert him, one of them put a question,\\n\\t\"Master, which is the greatest commandment of the Law?\"\\n\\nIt is by no means obvious here (though I accept it as such) that Jesus\\'\\nanswer is meant to be a commandment *to Christians*. He is answering a\\npolemic from his enemies. [ Mark\\'s account, in 12:28-34 casts the answer\\nin a far more positive light as (so the \"scribe\" in this version says)\\n\"far more important than any holocaust (I need to point out that this word\\noriginates in the context of animal sacrifice; forget the Nazis for this)\\nor sacrifice.\" Luke is intermediate -- he has a lawyer posing the question\\n\"to disconcert\" Jesus, and gets the Good Samarian parable for his pains\\n[ Luke 10:25-37 ]. The contexts here are so confusingly various that one\\ncould be forgiven for drawing *no* inferences :-) In *no* account is this\\nsaid as if it were obviously to be taken as a commandment binding on\\nChristians -- though I think it an entirely reasonable conclusion in each\\ncase that Jesus thinks it to be so. The point is that our mental gears\\nHAVE to grind a cycle or so to get to any conclusion from all of this about\\nwhat WE are commanded to do, by Jesus. And all of this is contingent on\\nour understanding the point of Jesus\\' use of the Torah in the (all quite\\ndifferent) gospel accounts, and the application of such a context to *us*.\\n\\nThe different contexts among the Synoptics are curious. It should be noted\\nthat ONLY in Luke do we get the \"fixing\" of this command by the parable of\\nthe Good Samaritan. We may look for an analogous *intent* in Matthew, where\\n7:12 gives the \"Golden Rule\" as \"the meaning of the Law and the Prophets\"\\n(and where we may also hear an echo of Hillel saying the same, a generation\\nbefore Jesus.) If we make these associations (which I think are entirely\\nreasonable), we are -- again -- indulging in inference. The texts do not\\n*explicitly* support us; rather, we *read* the texts as having this kind of\\ninter-relationship. Current literary theory calls this \"intertextuality.\"\\n\\nMy discussion of why the _agapate allelou_ \"has\" to apply beyond the \\ncommunity of the disciples, and beyound the circle of Christian believers,\\napplies again here, to buttress a conclusion that this *is* (despite the\\npresentation not saying so explicitly) a \"commandment\" to Christians.\\nFew Christians would disagree with my conclusions -- but I *must* point\\nout that they *are* conclusions, they *depend* on rather elaborate chains\\nof reasoning that are simply NOT present in the texts, themselves.\\n\\nThe contextual problem keeps coming up, more and more severely as we look at\\nthose sayings of Jesus that are NOT so universally taken by Christians as \\ncommandments. And we get some really hard cases. Take divorce. Mark is \\npretty clear, \"The man who divorces his wife and marries another is guilty\\nof adultery against her.\" [ 10:11, cf. Luke 16:18 ] -- except that Matthew\\nhas an escape clause [ \"except in the case of fornication\", 5:31 ]. This\\nseems to be a rather clear \"commandment\" (whether or not we take Matthew\\'s\\nreservation); and some Christians, to this day, take it so. But some don\\'t,\\nat least in practice. This is rather peculiar; it is not as if Jesus were\\nnot explicit about this (whereas He says nothing at all about some of the\\nthings people gnash their teeth over.) How is it possible, if the commands\\nof Christ are clear, that Matthew can so disagree with the other evangelists\\nof the synoptic tradition?\\n\\nI\\'m going to continue this examination, into ever-murkier waters, but this\\nis enough to start with. The theme is: \"finding commandments in scripture\\nis an exercise in inference; our inferences are informed by OUR assumptions,\\nthat is, our own cultural biases.\" I have, so far, identified a very few\\n\"commandments\" that are generally accepted by all Christians -- and yet in\\nthese, already, some of the difficulties start to surface. It is these\\ndifficulties I want to discuss in my next essay on this topic. The divorce\\ncommandment already strikes at some of the difficulties: I see almost no\\nevidence that the people who are so eager to find commandments to condemn\\n*me* with, spend any time at all writing nasty screeds to soc.couples or\\nmisc.legal about the horrors or viciousness of divorce, or demanding that\\nUS law refuse to allow it, or refuse \"unrepentant divorcees\" places in\\ntheir churches. [ That is not to say that divorce *doesn\\'t* enter into \\nconsideration in general -- it is most definitely a matter of concern, in\\neven the most \"liberal\" church circles. For example, a (wildly) liberal\\nEpiscopalian priest of my aqauintence, in a (wildly) liberal diocese, has\\nrecommended to a couple who approached him to marry them that they have a\\n\"private\" secular ceremony before a judge, so that the \"public\" ceremony\\nhe celebrated need not go through an agonizing \"examination\" by officials\\nwho would just as soon NOT take on this role of interpreting the commands\\nwe are faced with as Christians. This, in a church that was effectively\\nCREATED by a famous divorce! ]\\n-- \\nMichael L. Siemon\\t\\tI say \"You are gods, sons of the\\nmls@panix.com\\t\\t\\tMost High, all of you; nevertheless\\n - or -\\t\\t\\tyou shall die like men, and fall\\nmls@ulysses.att..com\\t\\tlike any prince.\" Psalm 82:6-7\\n',\n", + " 'From: caldwell@brahms.udel.edu (David L Caldwell)\\nSubject: Re: Borland\\'s Paradox Offer\\nNntp-Posting-Host: brahms.udel.edu\\nOrganization: University of Delaware\\nDistribution: usa\\nLines: 19\\n\\n>I am considering buying Borland\\'s Paradox for Windows since I\\n>would like to use a database with Windows (I don\\'t have/use\\n>one yet) for both work/home use. I would like to advantage\\n>of Borland\\'s \"$129.95 until April 30\" offer if this package\\n>is everything that Borland claims it to be. So, I was\\n>wondering ... has anybody used this and/or have any opinions?\\n>\\n>-- Tom Belmonte\\n\\nI\\'ve been using MS Access (still available from some stores for $99.00)\\nand I am quite pleased with it. It\\'s relatively easy to learn, very easy\\nto use and somewhat easy to program. I highly recomend it, particularly\\nat $99.00! I have not used Paradox for Windows, but I don\\'t expect it to\\nbe $30.00 better than Access (IMHO).\\n\\n\\n\\t\\t\\t\\t--Dave\\n\\n\\n',\n", + " 'From: cmparris@essex.ecn.uoknor.edu (Chris Michael Parrish)\\nSubject: Networking Macs and a PC\\nNntp-Posting-Host: essex.ecn.uoknor.edu\\nOrganization: Engineering Computer Network, University of Oklahoma, Norman, OK, USA\\nLines: 24\\n\\n\\n At work we have a small appletalk network with 3 macs and couple of printers.\\nWe also have a PC that has some specialized accounting software that we would \\nlike to operate from any of the macs. We have Soft PC, and I have found that the\\nsoftware works just fine under it, but I would like to have all of the data\\nfor the program reside at one place (the PC hard disk). So my question for you\\nis(actually questions)\\n\\n 1) is there a board for the PC that will allow you to hook into an appletalk\\n network?\\n\\n 2) if #1 is possible, is there any software/hardware combination that will \\n allow me to mount the PC hard disk as a networked disk on the macs so I\\n can use Soft PC to run the application?\\n\\n 3) if #1 or #2 is impossible, is there any other way to accomplish what I am\\n after?\\n\\n\\n-- \\n_______________________________________________________________________________\\nChris Parrish | \\nUniversity of Oklahoma | \"To share is to split...\" \\ncmparris@essex.ecn.uoknor.edu | - KMFDM\\n',\n", + " \"From: k4bnc@cbnewsh.cb.att.com (john.a.siegel)\\nSubject: Can't set COM4\\nOrganization: AT&T\\nDistribution: usa\\nKeywords: G2K\\nLines: 15\\n\\nI have been unable to get COM 4 to work - diagnostic programs such as msd show\\nnothing installed. I think the software options are OK - is there a known\\nhardware conflict and/or workaround for this problemand CD ROM\\nSystem is a G2K 486DX2/66 tower with ATI video card\\nPorts are set as follows \\n On board COMa = COM1 IRQ4 to external device\\n Internal modem = COM 3 IRQ5\\n DFIO port card primary port = COM 2 IRQ3 mouse\\n On board COM B = COM 4 IRQ 9 <--- DOES NOT WORK\\nI have run this from a boot disk with only command.com to eliminate softwar\\n\\nAny suggestions before I call technical support?\\nJohn Siegel\\nk4bnc@cbnewsh.att.com\\njas@hrollie.hr.att.com\\n\",\n", + " 'From: mfrhein@wpi.WPI.EDU (Michael Frederick Rhein)\\nSubject: Re: ATF BURNS DIVIDIAN RANCH! NO SURVIVORS!!!\\nOrganization: Worcester Polytechnic Institute\\nLines: 35\\nNNTP-Posting-Host: wpi.wpi.edu\\n\\nIn article <4615@isgtec.isgtec.com> robert@isgtec.com (Robert Osborne) writes:\\n>Michael Frederick Rhein (mfrhein@wpi.WPI.EDU) wrote:\\n># In article <93109.13404334AEJ7D@CMUVM.BITNET> <34AEJ7D@CMUVM.BITNET> writes:\\n># >napalm, then let the wood stove inside ignite it.\\n># ^^^^^^^^^^^^^^^^^^^^^^^^^^^^\\n># As someone else has pointed out, why would the stove be in use on a warm day \\n># in Texas.\\n>\\n>Not that I agree with the original theory or anything, buuuuut:\\n>Since their utilities were turned off they might be using wood stoves\\n>to cook their meals.\\n>\\n>Rob.\\n>--\\n>Robert A. Osborne ...!uunet.ca!isgtec!robert or robert@isgtec.com\\nTo Rob and all others that have been debating about the wood stove.\\n The original post claimed that the ATF/FBI was pumping napalm into the \\nbuilding with the hopes that the wood stove inside would ignite it. I responed\\nwith why would the wood stove be lit in the first place? It wouldn\\'t be lit \\nfor heating purposes because of the weather in Texas. Everyone now claims \\nthat it was for cooking. Stop and think about this. CS gas was being pumped\\ninto the building and I presume that everyone was wearing gas masks (either\\nbought or some type of makeshift type) and this had been going on for 6 hours.\\nI don\\'t know if you have ever been around CS, but I have. Being exposed to CS\\ngas was part of my Army training, so I know that without a mask it VERY \\nuncomfortable and makes your eyes water, nose run, and makes you sick in \\nthe stomach. And with the mask it is very difficult to drink water much less \\neat. So my question now is \"why were they cooking food?\"\\n I will buy that a lantern could have been knocked over and caused the fire.\\nBut that stove was not being used for cooking (unless they were even more\\ncrazy than the ATF/FBI claim).\\n\\nMichael\\n\\n\\n',\n", + " \"From: James Leo Belliveau \\nSubject: First Bike??\\nOrganization: Freshman, Mechanical Engineering, Carnegie Mellon, Pittsburgh, PA\\nLines: 17\\nNNTP-Posting-Host: andrew.cmu.edu\\n\\n Anyone, \\n\\n I am a serious motorcycle enthusiast without a motorcycle, and to\\nput it bluntly, it sucks. I really would like some advice on what would\\nbe a good starter bike for me. I do know one thing however, I need to\\nmake my first bike a good one, because buying a second any time soon is\\nout of the question. I am specifically interested in racing bikes, (CBR\\n600 F2, GSX-R 750). I know that this may sound kind of crazy\\nconsidering that I've never had a bike before, but I am responsible, a\\nfast learner, and in love. Please give me any advice that you think\\nwould help me in my search, including places to look or even specific\\nbikes that you want to sell me.\\n\\n Thanks :-)\\n\\n Jamie Belliveau (jbc9@andrew.cmu.edu) \\n\\n\",\n", + " 'From: an056@cleveland.Freenet.Edu (Gregory Winer)\\nSubject: An very broad question\\nOrganization: Case Western Reserve University, Cleveland, Ohio (USA)\\nLines: 20\\nNNTP-Posting-Host: hela.ins.cwru.edu\\n\\n\\nI am considering creating a \"demo\" for the IBM PC for my band.\\nI would like to combine interesting graphics and a sample of \\nmy music in the program. I have seen things like this\\ndone for other platforms, and even a few for the PC, but since\\nI\\'m completly new to this, I have no idea wher to start.\\nI\\'m pretty sure that I am not skilled enough to put this \\ntogether, but I was hoping that you (collectivly) could\\nA. Let me know what issues I need to worry about, things I\\n Should take into consideration when developing the \\n concept.\\nB. Perhaps someone knows of a programmer/artist who would be interested\\n in this type of a project.\\n\\nI know these are rather broad questions, but any information\\nwould be most helpful. Thanks!!\\n\\n-- \\nGregory Winer\\nan056@po.cwru.edu\\n',\n", + " \"From: aldridge@netcom.com (Jacquelin Aldridge)\\nSubject: Re: what are the problems with nutrasweet (aspartame)\\nOrganization: NETCOM On-line Communication Services (408 241-9760 guest)\\nLines: 36\\n\\nhbloom@moose.uvm.edu (*Heather*) writes:\\n\\n>Nutrasweet is a synthetic sweetener a couple thousand times sweeter than\\n>sugar. Some people are concerned about the chemicals that the body produces \\n>when it degrades nutrasweet. It is thought to form formaldehyde and known to\\n>for methanol in the degredation pathway that the body uses to eliminate \\n>substances. The real issue is whether the levels of methanol and formaldehyde\\n>produced are high enough to cause significant damage, as both are toxic to\\n>living cells. All I can say is that I will not consume it. \\n\\n>Phenylalanine is\\n>nothing for you to worry about. It is an amino acid, and everyone uses small\\n>quantities of it for protein synthesis in the body. Some people have a disease\\n>known as phenylketoneurea, and they are missing the enzyme necessary to \\n>degrade this compound and eliminate it from the body. For them, it will \\n>accumulate in the body, and in high levels this is toxic to growing nerve\\n>cells. Therefore, it is Only a major problem in young children (until around\\n>age 10 or so) or women who are pregnant and have this disorder. It used to\\n>be a leading cause of brain damage in infants, but now it can be easily \\n>detected at birth, and then one must simply avoid comsumption of phenylalanine\\n>as a child, or when pregnant. \\n\\n>-heather\\n\\nIf I remember rightly PKU syndrome in infants is about 1/1200 ? They lack\\ntwo genes. And people who lack one gene are supposed to be 1/56 persons?\\nThose with PKU have to avoid naturally occuring phenylalanine. And those\\nwho only have one gene and underproduce whatever it is they are supposed to\\nbe producing are supposed to be less tolerant of aspartame. \\n\\nThe methol, formaldahyde thing was supposed to occur with heating?\\n\\nI don't drink it. I figure sugar was made for a reason. To quickly and\\neasily satiate hungry people. If you don't need the calories it's just as\\neasy to drink water. Used to drink a six pack a aday of aspartame soda. Don't\\neven drink one coke a day when sugared.\\n\",\n", + " 'From: cctr114@cantua.canterbury.ac.nz (Bill Rea)\\nSubject: Re: Portland earthquake\\nOrganization: University of Canterbury, Christchurch, New Zealand.\\nLines: 55\\n\\nPaul Hudson Jr (hudson@athena.cs.uga.edu) wrote:\\n> In article cctr114@cantua.canterbury.ac.nz (Bill Rea) writes:\\n\\n>>in history seems to imply some pretty serious sin. The one of the \\n>>pastors in the church I attend, Christchurch City Elim, considers \\n>>that a prophesy of a natural disaster as a \"judgement from the Lord\" \\n>>is a clear sign that the \"prophesy\" is not from the Lord. \\n>\\n>I would like to see his reasoning behind this. You may have gotten \\n\\nIf I get a chance I will ask them this weekend.\\n\\n>\"burned\" by natural disaster prophecies down there, but that\\n>does not mean that every natural disaster/judgement prophecy is\\n>false. Take a quick look at the book of Jeremiah and it is obvious\\n ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\\n>that judgement prophecies can be valid. here in the US, it seems like\\n>we might have more of a problem with positive prophecies, though I\\n>am sure there may be a few people who are too into judgement.\\n\\nThe words I have underlined are at the heart of the problem. A \"quick\\nlook\" doesn\\'t do justice to the depth of the book of Jeremiah. Having\\nstudied the Jeremiah/Ezekial period solidly for over a year at one\\nstage of my life, I have to say that there is a great deal of underlying\\ntheological meaning in the judgement prophesies. Let me make one point.\\nThe clash between Jeremiah and the \"false prophets\" was primarily in\\nthe theological realm. The \"false prophets\" understood their relatioship\\nto God to be based on the covenant that the Lord made with David. It is\\npossible to trace within the pages of the Old Testament who this covenant,\\nwhich was initially conditional on the continued obedience of David\\'s\\ndescendants, came to be viewed as an unconditional promise on the part\\nof the Lord to keep a descendant of David\\'s upon the throne and to never\\nallow Jerusalem to subjegated by any foreign power. Jeremiah was not a\\nJudahite prophet. He was from Anathoth, across the border in what had formerly\\nbeen Israelite territory. When he came to prophesy, he came from the\\ntheological background of the covenant the Lord had made with Israel\\nthrough Moses. The northern Kingdom had rejected the Davidic covenant\\nafter the death of Solomon. His theology clashed with the theology of the\\nlocal prophets. It was out of a very deep understanding of the Mosaic\\ncovenant and an actute awareness of international events that Jeremiah\\nspoke his prophesies. The \"judgement prophesies\" were deeply loaded with\\ntheological meaning.\\n\\nIn my opinion, both the Portland earthquake prophesy and the David Wilkerson\\n\"New York will burn\" prophesy are froth and bubble compared to the majestic\\ntheological depths of the Jeremiah prophesies.\\n\\n--\\n ___\\nBill Rea (o o)\\n-------------------------------------------------------------------w--U--w---\\n| Bill Rea, Computer Services Centre, | E-Mail b.rea@csc.canterbury.ac.nz |\\n| University of Canterbury, | or cctr114@csc.canterbury.ac.nz |\\n| Christchurch, New Zealand | Phone (03)-642-331 Fax (03)-642-999 |\\n-----------------------------------------------------------------------------\\n',\n", + " \"From: dleonard@wixer.bga.com (Dale Leonard)\\nSubject: Trade Mac SE system for Color Mac???\\nArticle-I.D.: wixer.1993Apr16.181557.11264\\nOrganization: Real/Time Communications\\nLines: 31\\n\\nOk I want to get a color Mac I don't care if it is an LC or a Mac II or\\nwhat but I want to go to a color machine. I'd prefer to trade my\\npresent Mac SE system plus some cash or other equipment for the color\\nsystem as right now I'm not full of the $$$ to buy a color system\\noutright.\\nHere's what my Mac SE system has...\\n\\nMac SE 4/20 with internal 800K drive\\n20 Meg external\\nExternal 800K drive\\nImageWriter II with 4 color ribbon\\n\\nStuff that can go with it......\\nI've got 3 modems and I'd be willing to give 1 of the 9600's and the\\n2400 with the system\\n\\nMultiTech Multimodem II (9600 data/fax)\\nU.S. Robotics Sportster (9600 data)\\nMicrocom QX/12K (normally will connect at only 2400 as highest\\nbut it will do faster if connected to another Microcom)\\n\\nThe USR and the MultiTech are both brand-new\\n\\nIf interested send me e-mail at dleonard@wixer.bga.com\\n\\n\\n-- \\n| Primary: | Judy's Stamps (Misc. topical stamps. From Dogs..|\\n| dleonard@wixer.bga.com | to cats to baseball and many many other subjects|\\n| Secondary: | For stamp information call Tony Leonard at......|\\n| dleonard@wixer.cactus.org| (512) 837-0022 This is a business only number!!!| \\n\",\n", + " 'From: dyer@spdcc.com (Steve Dyer)\\nSubject: Re: Frequent nosebleeds\\nOrganization: S.P. Dyer Computer Consulting, Cambridge MA\\nLines: 25\\n\\nIn article <1993Apr17.195202.28921@freenet.carleton.ca> ab961@Freenet.carleton.ca (Robert Allison) writes:\\n>Does anyone know of any method to reduce this frequency? My younger brothers\\n>each tried a skin transplant (thigh to nose lining), but their nosebleeds\\n>soon returned. I\\'ve seen a reference to an herb called Rutin that is\\n>supposed to help, and I\\'d like to hear of experiences with it, or other\\n>techniques.\\n\\nRutin is a bioflavonoid, compounds found (among other places) in the\\nrinds of citrus fruits. These have been popular, especially in Europe,\\nto treat \"capillary fragility\", and seemingly in even more extreme cases--\\na few months ago, a friend was visiting from Italy, and he said that he\\'d\\nhad hemorrhoids, but his pharmacist friend sold him some pills. Incredulously,\\nI asked to look at them, and sure enough these contained rutin as the active\\ningredient. I probably destroyed the placebo effect from my skeptical\\nsputtering. I have no idea how he\\'s doing hemorrhoid-wise these days.\\nThe studies which attempted to look at the effect of these compounds in\\nhuman disease and nutrition were never very well controlled, so the\\nreports of positive results with them is mostly anecdotal.\\n\\nThis stuff is pretty much non-toxic, and probably inexpensive, so there\\'s\\nlittle risk of trying it, but I wouldn\\'t expect much of a result.\\n\\n-- \\nSteve Dyer\\ndyer@ursa-major.spdcc.com aka {ima,harvard,rayssd,linus,m2c}!spdcc!dyer\\n',\n", + " 'From: rbrand@usasoc.soc.mil (Raymond S. Brand)\\nSubject: Re: Clipper considered harmful\\nOrganization: SOFNET\\nLines: 132\\n\\nIn article <1993Apr24.160121.17189@ulysses.att.com>, smb@research.att.com (Steven Bellovin) writes:\\n[...]\\n> There are three issues with Clipper. The first is whether or not the\\n> architecture of the whole scheme is capable of working. My answer,\\n> with one significant exception, is yes. I really do think that NSA and\\n> NIST have designed this scheme about as well as can be, assuming that\\n> their real objectives are as stated: to permit wiretapping, under\\n> certain carefully-controlled circumstances, with a minimum risk of\\n> abuse. (The exception is that U exists outside of the chip, on a\\n> programming diskette. That\\'s seriously wrong. U_1 and U_2 should be\\n> loaded onto the chip separately.) To those who disagree (and I don\\'t\\n> claim my answer is obvious, though I found my own reasoning\\n> sufficiently persuasive that I was forced to rewrite the Conclusions\\n> section of my technical analysis paper -- I had originally blasted the\\n> scheme), I issue this invitation: assume that you were charged with\\n> implementing such a system, with complete regard for civil rights and\\n> due process. What would you do differently? In answering this\\n> question, please accept NSA\\'s fundamental assumptions: that both\\n> strong cryptography against outsiders, and the ability to wiretap\\n> *some* domestic users, is necessary. (If you feel it necessary to\\n> challenge those assumptions, do it in the context of the last issue I\\n> present below. Right here, I\\'m discussing *just* the technical\\n> aspects. And no, I don\\'t by any means claim that just because\\n> something can be done, it should be.)\\n\\nOK Steve, here\\'s a sketch of an alternative that I believe addresses\\nmost of the objections to the Clipper scheme.\\n\\nNotation:\\n\\t+\\tconcatenation\\n\\t^\\texclusive or\\n\\tE(M,K)\\tmessage M encrypted by key K\\n\\tD(M,K)\\tmessage M decrypted by key K\\n\\tH(M)\\thash (digest/signature) of message M\\n\\nImportant Values:\\n\\tU0[X]\\t\\tlocal chip unit key from escrow agency X\\n\\tU1[X]\\t\\tremote chip unit key from escrow agency X\\n\\tN[0]\\t\\tserial number of the local chip\\n\\tN[1]\\t\\tserial number of the remote chip\\n\\tA\\t\\tnumber of escrow agencies\\n\\tK[0],K[1]\\t\"session keys\" agreed upon external to this protocol\\n\\tF\\t\\t\"family key\", need not be secret\\n\\nProtocol:\\n\\tChoose K0[1],...K0[A] such that K[0] = K0[1]^...^K0[A]\\n\\tRemote chip does same for K[1],K1[1],...,K1[A].\\n\\n\\tCompute the following:\\n\\n\\t\\tL0[1] = E(K0[1], U0[1])\\n\\t\\t...\\n\\t\\tL0[A] = E(K0[A], U0[A])\\n\\n\\t\\tL[0] = N[0] + E(N[0] + L0[1] + ... + L0[A], F)\\n\\n\\t\\tRemote chip does the same for L1[1],...,L1[A],L[1]\\n\\n\\tSend L[0] to remote chip and receive L[1] from remote chip\\n\\n\\tCompute:\\n\\n\\t\\tKE[0] = H(K[0] + N[0] + L0[1] + ... + L0[A]\\n\\t\\t\\t+ K[1] + D(L[1], F)\\n\\n\\t\\tKD[0] = H(K[1] + D(L[1], F)\\n\\t\\t\\t+ K[0] + N[0] + L0[1] + ... + L0[A]\\n\\n\\t\\tNote that D(L[1], F) = N[1] + L1[1] + ... + L1[A]\\n\\n\\t\\tRemote chip does the same for KE[1] and KD[1]\\n\\n\\tUser data is encrypted (decrypted) with keys KE[0], KE[1]\\n\\t\\t(KD[0], KD[1])\\n\\nAssumptions:\\n\\tNo trap doors in E(), D() and H(). H() is not invertible.\\n\\n\\tAlgorithms for E(), D() and H() are secret. Otherwise a software\\n\\timplementation (bogus chip) could communicate with a real chip.\\n\\n\\tThe chip only supports the following operation:\\n\\n\\t\\t1) Return N[0]\\n\\t\\t2) Load K0[x]\\n\\t\\t3) Return E(K0[x], U0[x])\\n\\t\\t4) Return E(N[0] + L0[1] + ... + L0[A], F)\\n\\t\\t5) Given E(N[1] + L1[1] + ... + L1[A], F),\\n\\t\\t\\treturn N[1],L1[1],...,L1[A]\\n\\t\\t6) Load K[1]\\n\\t\\t7) Given E(N[1] + L1[1] + ... + L1[A], F),\\n\\t\\t\\tcompute KE[0], KD[0]\\n\\t\\t8) Given M, return E(M, KE[0])\\n\\t\\t9) Given M, return D(M, KD[0])\\n\\n\\tAnything programmed into the chip can be determined by destroying\\n\\tthe chip (U[1],...,U[A],F,N[0]).\\n\\n\\tU[1],...,U[A] can not be determined except by destroying the chip.\\n\\t(Unfortunately this may not be true in reality. I suppose it\\'s\\n\\tpossible to determine how a chip has been programmed with a\\n\\tsophisticated[sp?] x-ray machine to look for blown fuses.)\\n\\n\\tThe U\\'s are programmed independantly by the escrow agencies.\\n\\nNotes:\\n\\tFor tapping escrow agency Y is given N[0], E(K0[Y], U0[Y]), N[1],\\n\\tE(K1[Y], U1[Y]) and returns K0[Y], K1[Y].\\n\\n\\tLEA\\'s must contact all escrow agencies with the serial numbers from\\n\\tboth chips and the encrypted partial keys. This allows the agencies\\n\\tto record that both chips were tapped.\\n\\n\\tLEA\\'s only get the session key, not the key to all conversations\\n\\tof a particular chip. This precludes real-time decrypting of a\\n\\tconversation but that isn\\'t one of the STATED requirements.\\n\\nObservation:\\n\\tIn order for any secure by \"tap-able\" communication scheme to work,\\n\\tthe active parts need to share a secret. And if this secret is\\n\\trevealed, communications by those that know the secret can be made\\n\\t\"un-tap-able\". Obvious candidates are the cryptographic algorithm\\n\\tand the master (family) key. Relative size and complexity suggests\\n\\tthat the key can be obtained from a silicon implementation of the\\n\\tscheme a LOT easier and faster than the algorithm.\\n\\n\\n\\t\\t\\t\\t\\t\\trsbx\\n\\n-----------------------------------------------------------------------------\\nRaymond S. Brand\\t\\t\\t\\t\\trbrand@usasoc.soc.mil\\n-----------------------------------------------------------------------------\\n',\n", + " \"From: d88-jwa@hemul.nada.kth.se (Jon Wätte)\\nSubject: Re: Interesting ADB behaviour on C650\\nNntp-Posting-Host: hemul.nada.kth.se\\nOrganization: Royal Institute of Technology, Stockholm, Sweden\\nLines: 23\\n\\nIn <1993Apr16.091202.15500@waikato.ac.nz> ldo@waikato.ac.nz (Lawrence D'Oliveiro, Waikato University) writes:\\n\\n>I have heard of no such warnings from anybody at Apple. Just to be sure, I\\n>asked a couple of our technicians, one of whom has been servicing Macs for\\n>years. There is *no* danger of damaging logic boards by plugging and unplugging\\n>ADB devices with the power on.\\n\\nThe problem is that the pins in the ADB connector \\nare close to each other, and if you happen to bend the\\ncable a little while inserting it, you short the ADB\\nport. If you take it to an Apple Repair Centre, that\\nmeans a new motherboard (though a component replace IS\\nphysically possible)\\n\\nSame goes for serial ports (LocalTalk as well)\\n\\nCheers,\\n\\n\\t\\t\\t\\t\\t/ h+\\n-- \\n -- Jon W{tte, h+@nada.kth.se, Mac Hacker Deluxe --\\n\\n This article printed on 100% recycled electrons.\\n\",\n", + " \"From: tomm@hank.ca.boeing.com (Tom Mackey)\\nSubject: Re: WARNING.....(please read)...\\nKeywords: BRICK, TRUCK, DANGER\\nOrganization: BoGART Graphics Development\\nLines: 27\\n\\nIn article neil@bcstec.ca.boeing.com (Neil Williams) writes:\\n>As long as we're on the subject... Several years ago myself and two others\\n>were riding in the front of a Toyota pickup heading south on Interstate 5\\n>north of Seattle, WA. Someone threw a rock of an overpass and hit our\\n>windshield. Not by accident I'm sure, it was impossible to get up to the\\n>overpass quickly to see who did it. We figured it was kids, reported it and\\n>left.\\n>A couple of years ago it happend again and killed a guy at my company. He was\\n>in his mid-fourties and left behind a wife and children. Turned out there was\\n>a reformatory for juviniles a few blocks away. They caught the 14 year old\\n>that did it. They put a cover over the overpass, what else could they do?\\n\\nExecute the juvi on the grounds of the reformatory, required attendendence\\nby the rest of the inmates, as soon as possible after the incident and a\\nquick sure trial. I am quite serious. Cause and effect. Nothing else\\nwill ever make a dent.\\n\\n>I don't think I'll over forget this story.\\n>Neil Williams, Boeing Computer Services, Bellevue WA.\\n\\nMe neither.\\n\\n\\n-- \\nTom Mackey (206) 865-6575 tomm@voodoo.ca.boeing.com\\nBoeing Computer Services ....uunet!bcstec!voodoo!tomm\\nM/S 7K-20, P.O. Box 24346, Seattle, WA 98124-0346\\n\",\n", + " 'From: ldo@waikato.ac.nz (Lawrence D\\'Oliveiro, Waikato University)\\nSubject: QuickTime performance (was Re: Rumours about 3DO ???)\\nOrganization: University of Waikato, Hamilton, New Zealand\\nLines: 67\\n\\nOK, with all the discussion about observed playback speeds with QuickTime,\\nthe effects of scaling and so on, I thought I\\'d do some more tests.\\n\\nFirst of all, I felt that my original speed test was perhaps less than\\nrealistic. The movie I had been using only had 18 frames in it (it was a\\nversion of the very first movie I created with the Compact Video compressor).\\nI decided something a little longer would give closer to real-world results\\n(for better or for worse).\\n\\nI pulled out a copy of \"2001: A Space Odyssey\" that I had recorded off TV\\na while back. About fifteen minutes into the movie, there\\'s a sequence where\\nthe Earth shuttle is approaching the space station. Specifically, I digitized\\na portion of about 30 seconds\\' duration, zooming in on the rotating space\\nstation. I figured this would give a reasonable amount of movement between\\nframes. To increase the differences between frames, I digitized it at only\\n5 frames per second, to give a total of 171 frames.\\n\\nI captured the raw footage at a resolution of 384*288 pixels with the Spigot\\ncard in my Centris 650 (quarter-size resolution from a PAL source). I then\\nimported it into Premiere and put it through the Compact Video compressor,\\nkeeping the 5 fps frame rate. I created two versions of the movie: one scaled\\nto 320*240 resolution, the other at 160*120 resolution. I used the default\\n\"2.00\" quality setting in Premiere 2.0.1, and specified a key frame every ten\\nframes.\\n\\nI then ran the 320*240 movie through the same \"Raw Speed Test\" program I used\\nfor the results I\\'d been reporting earlier.\\n\\nResult: a playback rate of over 45 frames per second.\\n\\nThat\\'s right, I was getting a much higher result than with that first short\\ntest movie. Just for fun, I copied the 320*240 movie to my external hard\\ndisk (a Quantum LP105S), and ran it from there. This time the playback rate\\nwas only about 35 frames per second. Obviously the 230MB internal hard disk\\n(also a Quantum) is a significant contributor to the speed of playback.\\n\\nI modified my speed test program to allow the specification of optional\\nscaling factors, and tried playing back the 160*120 movie scaled to 320*240\\nsize. This time the playback speed was over 60 fps. Clearly, the poster who\\nobserved poor performance on scaled playback was seeing QuickTime 1.0 in\\naction, not 1.5. I\\'d try my tests with QuickTime 1.0, but I don\\'t think it\\'s\\nentirely compatible with my Centris and System 7.1...\\n\\nUnscaled, the playback rate for the 160*120 movie was over 100 fps.\\n\\nThe other thing I tried was saving versions of the 320*240 movie with\\n\"preferred\" playback rates greater than 1.0, and seeing how well they played\\nfrom within MoviePlayer (ie with QuickTime\\'s normal synchronized playback).\\nA preferred rate of 9.0 (=> 45 fps) didn\\'t work too well: the playback was\\nvery jerky. Compare this with the raw speed test, which achieved 45 fps with\\nease. I can\\'t believe that QuickTime\\'s synchronization code would add this\\nmuch overhead: I think the slowdown was coming from the Mac system\\'s task\\nswitching.\\n\\nA preferred rate of 7.0 (=> 35 fps) seemed to work fine: I couldn\\'t see\\nany evidence of stutter. At 8.0 (=> 40 fps) I *think* I could see slight\\nstutter, but with four key frames every second, it was hard to tell.\\n\\nI guess I could try recreating the movies with a longer interval between the\\nkey frames, to make the stutter more noticeable. Of course, this will also\\nimprove the compression slightly, which should speed up the playback performance\\neven more...\\n\\nLawrence D\\'Oliveiro fone: +64-7-856-2889\\nComputer Services Dept fax: +64-7-838-4066\\nUniversity of Waikato electric mail: ldo@waikato.ac.nz\\nHamilton, New Zealand 37^ 47\\' 26\" S, 175^ 19\\' 7\" E, GMT+12:00\\n',\n", + " \"From: gyeh@crusader.NoSubdomain.NoDomain (Grace Yeh)\\nSubject: Car for Sale: '91 VW Corrado\\nOrganization: Bellcore, Livingston, NJ\\nLines: 30\\n\\nI'm posting this for a friend, but you can e-mail questions to me at\\ngyeh@cc.bellcore.com However, the best way to get your questions answered\\nis to call the phone number listed.\\n\\nFOR SALE:\\n\\n1991 Volkswagon Corrado\\n\\n\\t2+2 coupe\\n\\tLow mileage: approx. 28,000 miles\\n\\t5-speed manual\\n\\t7 speaker factory Blaupunkt stereo system\\n\\tNew all-weather Yokohamas 205/50VR15\\n\\tSun roof\\n\\tAC\\n\\tRed\\n\\tSpeed activated spoiler\\n\\tExtra set of tires - Pirelli P600 195VR15\\n\\n\\t** Equipped with factory Winter package - heated seats, \\n mirrors and nozzles.\\n\\n\\t** Alpine security system with 2 remotes.\\n\\n\\tAll records - documentation, service\\n\\tPampered car, mint condition\\n\\n\\tMust sacrifice at $11,000 or best offer.\\n\\n\\tCall (908) 821-2498.\\n\",\n", + " 'From: noring@netcom.com (Jon Noring)\\nSubject: Re: Candida(yeast) Bloom, Fact or Fiction\\nOrganization: Netcom Online Communications Services (408-241-9760 login: guest)\\nLines: 109\\n\\nIn article nodrog@hardy.u.washington.edu (Gordon Rubenfeld) writes:\\n\\n> Marty, you\\'ve also changed the terrain of the discussion from empiric\\n>itraconazole for undocumented chronic fungal sinusitis with systemic\\n>hypersensitivity symptoms (Noring syndrome) to the yoghurt and vitamin\\n>therapy of undocumented candida enteritis (Elaine Palmer syndrome) with\\n>systemic symptoms. There is significant difference between the cost and\\n>risk of these two empiric therapeutic trials. Are we talking about \"real\"\\n>candida infections, the whole \"yeast connection\" hypothesis, the efficacy\\n>of routine bacterial repopulation in humans, or the ability of anecdotally\\n>effective therapies (challenged by a negative randomized trial) to confirm\\n>an etiologic hypothesis (post hoc ergo propter hoc). We can\\'t seem to\\n>focus in on a disease, a therapy, or a hypothesis under discussion. \\n> \\n> I\\'m lost!\\n\\nPoint 1:\\n\\nI\\'m beginning to see that *part* of the disagreements about the whole\\n\"yeast issue\" is on differing perceptions and on differing meanings\\nof words. Medical doctors have a very specific and specialized \"jargon\",\\nnecessary for precise communication within their field (which I\\'m fully\\ncognizant of since I, too, speak \"jargonese\" when with my peers). For the\\nsituation in sci.med, many times the words or phrases used by doctors can\\nhave a different and more specific meaning than the same word used in the\\nworld at large, causing significant miscommunication. One example word,\\nand very relevant to the yeast discussion, is the exact meaning of \"systemic\".\\nIt is now obvious to me that the meaning of this word is very specific, much\\nmore so than its meaning to a non-doctor. There is also the observation of\\nthis newsgroup that both doctors and non-doctors come together on essentially\\nequal terms, which, when combined with the jargon issue, can further fan\\nthe flames. This is probably the first time that practicing doctors get\\nreally \"beat up\" by non-doctors for their views on medicine, which they\\notherwise don\\'t see much of in their practice except for the occasional\\n\"difficult\" patient.\\n\\nPoint 2:\\n\\nI understand the viewpoint among many practicing doctors that they will not\\nprescribe any treatments/therapies for their patients unless such treatments\\nhave been shown to be effective and the risks understood from well-constructed\\nclinical trials (usually double-blind), or that such treatments/therapies are\\npart of an approved and funded clinical trial. To these doctors, to do any\\ndifferently would, in this belief system, be unethical practice. And it\\nfollows that any therapy not on the \"accepted\" list is therefore a non-\\ntherapy - it does not even exist, nor does the underlying hypothesis or\\ntheory have any validity, even if it sounds very plausible by extrapolation\\nof what is currently known. Anecdotal evidence has no value, either, from\\na treatment point-of-view.\\n\\nAnd by and large, as a scientist myself, I am glad that medical practice/\\nscience takes such a rigorous approach to medical treatment. However, as\\nalso being a human being (last I checked), and having been one of those people\\nthat has been significantly helped by a currently unaccepted treatment, where\\n\"standard\" medicine was not able to help me, has caused me to sit back and\\nwonder if holding such an extreme and rigid \"scientific\" viewpoint is in\\nitself unethical from humanitarian considerations. After all, the underlying\\nintent of the \"scientific\" approach to medicine is to protect the health of\\nthe patient by providing the best possible care for the patient, so the\\npatient should come first when considering treatment.\\n\\nWhat we need is a slightly modified approach to treatment that satisfies both\\nthe \"scientific\" and the \"humanitarian\" viewpoints. In an earlier post I\\noutlined a crazy idea for doing just that. The gist of it was to give any\\nphysician freedom and encouragement by the medical community to prescribe\\nalternate, not yet proven therapies (maybe supported by anecdotal evidence)\\nfor patients who *all* avenues of accepted therapies have been exhausted\\n(and not until then). The patient would be fully informed that such\\ntherapies/treatments are not supported by the proper clinical trials and that\\nthere are real potential risks with real possibilities of no benefit derived\\nfrom them.\\n\\nThis approach satisfies the need for scientific rigor. It also satisfies\\nthe humanitarian needs of the patient. And the reality is that many patients\\nwho have reached a dead-end in the treatment of their symptoms using accepted\\nmedicine *will* go outside the orthodox medical community: either to the\\ndoctors who are brave enough to prescribe such treatments at the risk of losing\\ntheir license, or worse, to non-doctors who have not had the proper medical\\ntraining. This approach also recognizes this reality and keeps the control\\nmore within orthodox medicine, with the benefits that the information gleaned\\ncould help focus limited resources towards future clinical trials in the most\\nproductive way. Everybody wins in this admittedly rose-colored approach - I\\'m\\nsure there are real problems with this approach as well - it is presented\\nmore as a strawman to stimulate discussion.\\n\\nHopefully what I write here may give the sci.med doctors a better idea as to\\nwhy I am \"open\" to alternative therapies, as well as why I have real\\ndifficulty (read \"apparent hostility\") with the \"coldness\" of the 99.9% pure\\n\"scientific\" approach to medicine. I believe the best approach to medical\\ntreatment is one where both the \"humanitarian\" aspects are balanced with and\\nby the \"scientific\" aspects. Anything else is just not good medicine, imho.\\nJust my \\'NF\\' leanings, I guess. :^)\\n\\nComments?\\n\\nJon Noring\\n\\n-- \\n\\nCharter Member --->>> INFJ Club.\\n\\nIf you\\'re dying to know what INFJ means, be brave, e-mail me, I\\'ll send info.\\n=============================================================================\\n| Jon Noring | noring@netcom.com | |\\n| JKN International | IP : 192.100.81.100 | FRED\\'S GOURMET CHOCOLATE |\\n| 1312 Carlton Place | Phone : (510) 294-8153 | CHIPS - World\\'s Best! |\\n| Livermore, CA 94550 | V-Mail: (510) 417-4101 | |\\n=============================================================================\\nWho are you? Read alt.psychology.personality! That\\'s where the action is.\\n',\n", + " 'From: mdw33310@uxa.cso.uiuc.edu (Michael D. Walker)\\nSubject: Re: On Capital Punishment\\nOrganization: University of Illinois at Urbana\\nLines: 40\\n\\ngt7122b@prism.gatech.edu (Randal Lee Nicholas Mandock) writes:\\n\\n>Regarding the new draft of the Universal Catechism:\\n\\n>\\tIn procuring the common good of society the need could arise\\n>\\tthat the aggressor be placed in the position where he cannot\\n>\\tcause harm. By virtue of this, the right and obligation of \\n>\\tpublic authorities to punish with proportionate penalties,\\n>\\tincluding the death penalty, is acknowledged. ...\\n>\\t... To the degree that means other than the death\\n>\\tpenalty and military operations are sufficient to keep the\\n>\\tpeace, then these non-violent provisions are to be preferred\\n>\\tbecause they are more in proportion and in keeping with the\\n>\\tfinal goal of protection of peace and human dignity. \\n\\n\\t\\tEXACTLY!! Read that one sentence in there...\"to the degree\\n\\tthat means other than the death penalty and military operations are\\n\\tsufficient to keep the peace, then these non-violent provisions are to\\n\\tbe preferred...\"\\n\\n\\tI don\\'t believe that it is necessary for us to murder criminals to keep\\n\\tthe peace; the Church in the United States feels the same way, thus the\\n\\treason that the Catholic Church has opposed every execution in this\\n\\tcountry in recent memory.\\n\\n>As is clearly shown by this excerpt, the Church\\'s teaching on capital\\n>punishment remains today as it has always been in the past - in total\\n>accord with my sentiment that I do not disagree with the use of deadly\\n>force in those cases for which this option is justifiable. \\n\\n\\tSo what is justifiable? As you stated very explicitly from the new\\n\\tCatechism, the only justifiable case is when it is necessary to keep\\n\\tthe peace. Since that does not apply *at all* to this country, the\\n\\tlogical conclusion (based on your own premises) is that one must be\\n\\topposed to *any* form of capital punishment in America.\\n\\n\\n\\t\\tJust my opinions.\\n\\t\\t\\t\\tMike Walker\\n\\t\\t\\t\\tUniv. of Illinois\\n',\n", + " 'From: kjenks@gothamcity.jsc.nasa.gov\\nSubject: Re: Deployable Space Dock..\\nOrganization: NASA/JSC/GM2, Space Shuttle Program Office\\nX-Newsreader: TIN [version 1.1 PL8]\\nX-Posted-From: algol.jsc.nasa.gov\\nNNTP-Posting-Host: sol.ctr.columbia.edu\\nLines: 42\\n\\n: In article <1993Apr30.000050.1@aurora.alaska.edu> nsmca@aurora.alaska.edu writes:\\n: >Why not build a inflatable space dock.\\n\\nHenry Spencer (henry@zoo.toronto.edu) wrote:\\n: If you\\'re doing large-scale satellite servicing, being able to do it in\\n: a pressurized hangar makes considerable sense. The question is whether\\n: anyone is going to be doing large-scale satellite servicing in the near\\n: future, to the point of justifying development of such a thing.\\n\\nThat\\'s a mighty fine idea. But since you asked \"Why not,\" I\\'ll\\nrespond.\\n\\nPutting aside the application of such a space dock, there are other\\nfactors to consider than just pressurized volume. Temperature control\\nis difficult in space, and your inflatable hangar will have to \\nincorporate thermal insulation (maybe a double-walled inflatable).\\nMicrometeoroid protection and radiation protection are also required.\\nDon\\'t think this will be a clear plastic bubble; it\\'s more likely\\nto look like a big white ball made out of the same kind of multi-layer\\nfabric that soft-torso space suits are made out of today.\\n\\nBecause almost all manned space vessels (Skylab, Mir, Salyut) used\\ntheir pressurization for increased structural rigidity, even though\\nthey had (have) metal skins, they still kind of qualify as inflatable.\\n\\nThe inflation process would have to be carefully controlled. The\\nspace environment reduces ductility in exposed materials (due to\\ntemperature extremes, monotomic Oxygen impingement, and radiation\\neffects on materials), so your \"fabric\" may not retain any flexibility\\nfor long. (This may not matter.) Even after inflation, pressure\\nchanges in the hangar may cause flexing in the fabric, which could\\nlead to holes and tears as ductility decreases.\\n\\nThese are some of the technical difficulties which the LLNL proposal\\nfor an inflatable space station dealt with to varying degrees of\\nsuccess.\\n\\n-- Ken Jenks, NASA/JSC/GM2, Space Shuttle Program Office\\n kjenks@gothamcity.jsc.nasa.gov (713) 483-4368\\n\\n \"Good ideas are common -- what\\'s uncommon are people who\\'ll\\n work hard enough to bring them about.\" -- Ashleigh Brilliant\\n',\n", + " 'From: keith@cco.caltech.edu (Keith Allan Schneider)\\nSubject: Re: >>How many contridictions do you want to see?\\n>>Good question. If I claim something is a general trend, then to disprove this,\\n>>I guess you\\'d have to show that it was not a general trend.\\n>No, if you\\'re going to claim something, then it is up to you to prove it.\\n>Think \"Cold Fusion\".\\n\\nWell, I\\'ve provided examples to show that the trend was general, and you\\n(or others) have provided some counterexamples, mostly ones surrounding\\nmating practices, etc. I don\\'t think that these few cases are enough to\\ndisprove the general trend of natural morality. And, again, the mating\\npractices need to be reexamined...\\n\\n>>Try to find \"immoral\" non-mating-related activities.\\n>So you\\'re excluding mating-related-activities from your \"natural morality\"?\\n\\nNo, but mating practices are a special case. I\\'ll have to think about it\\nsome more.\\n\\n>>Yes, I think that the natural system can be objectively deduced with the\\n>>goal of species propogation in mind. But, I am not equating the two\\n>>as you so think. That is, an objective system isn\\'t necessarily the\\n>>natural one.\\n>Are you or are you not the man who wrote:\\n>\"A natural moral system is the objective moral system that most animals\\n> follow\".\\n\\nIndeed. But, while the natural system is objective, all objective systems\\nare not the natural one. So, the terms can not be equated. The natural\\nsystem is a subset of the objective ones.\\n\\n>Now, since homosexuality has been observed in most animals (including\\n>birds and dolphins), are you going to claim that \"most animals\" have\\n>the capacity of being immoral?\\n\\nI don\\'t claim that homosexuality is immoral. It isn\\'t harmful, although\\nit isn\\'t helpful either (to the mating process). And, when you say that\\nhomosexuality is observed in the animal kingdom, don\\'t you mean \"bisexuality?\"\\n\\n>>>>Because we can\\'t determine to what end we should be \"moral.\"\\n>Are you claiming to be a group? \"We\" usually implies more than one entity.\\n\\nThis is standard jargon. Read any textbook. The \"we\" forms are used\\nthroughout.\\n\\n>>Well, I\\'m saying that these goals are not inherent. That is why they must\\n>>be postulates, because there is not really a way to determine them\\n>>otherwise (although it could be argued that they arise from the natural\\n>>goal--but they are somewhat removed).\\n>Postulate: To assume; posit.\\n\\nThat\\'s right. The goals themselves aren\\'t inherent.\\n\\n>I can create a theory with a postulate that the Sun revolves around the\\n>Earth, that the moon is actually made of green cheese, and the stars are\\n>the portions of Angels that intrudes into three-dimensional reality.\\n\\nYou could, but such would contradict observations.\\n\\n>I can build a mathematical proof with a postulate that given the length\\n>of one side of a triangle, the length of a second side of the triangle, and\\n>the degree of angle connecting them, I can determine the length of the\\n>third side.\\n\\nBut a postulate is something that is generally (or always) found to be\\ntrue. I don\\'t think your postulate would be valid.\\n\\n>Guess which one people are going to be more receptive to. In order to assume\\n>something about your system, you have to be able to show that your postulates\\n>work.\\n\\nYes, and I think the goals of survival and happiness *do* work. You think\\nthey don\\'t? Or are they not good goals?\\n\\nkeith\\n',\n", + " 'From: louray@seas.gwu.edu (Michael Panayiotakis)\\nSubject: Re: More Cool BMP files??\\nOrganization: George Washington University\\nDistribution: usa\\nLines: 27\\n\\n>\\n>\\n>>BEGIN ----------------------- CUT HERE ---------------\\n>>begin 666 ntreal.bmp\\n>>M0DTV5P< #8$ H ( , %@\" ! @ \\n>>M $ ! @@P![( @ \"!A> #!_F #CD ,56# #D. !=>_D \\n>>M4PA: &4H@P\"L,1 $U); &N+L0 ($!@ +4WA !,J.0 B/%H 9TJ3 $KKZP 0\\n>>M,;, TD4I /ZGB0!)#UH (0A. \"6E@ I !@ 4B!I \" ! !BBZX #!E1 )BV\\n>\\n>Deleted a lot of stuff!!!!!!!\\n>How do you convert this to a bit map???\\n\\nYou\\'re supposed to delete everything above the \"cut here\" mark, and\\nbelow the lower cut here mark, and uudecode it. but \\n*I was not able to: unexpected end of file encountered at the last line.\\n\\ncould you please re-post it, or tell be what I\\'m doing wrong?\\n\\nthanks,i.a.,\\nMickey\\n\\n\\n-- \\npe-|| || MICHAEL PANAYIOTAKIS: louray@seas.gwu.edu \\nace|| || ...!uunet!seas.gwu.edu!louray\\n|||| \\\\/| *how do make a ms-windows .grp file reflect a HD directory??*\\n\\\\\\\\\\\\\\\\ | \"well I ain\\'t always right, but I\\'ve never been wrong..\"(gd)\\n',\n", + " \"From: wil@shell.portal.com (Ville V Walveranta)\\nSubject: Re: Winjet accelerator card\\nNntp-Posting-Host: jobe\\nOrganization: Portal Communications Company\\nX-Newsreader: TIN [version 1.1 PL8]\\nLines: 16\\n\\nGv Fragante (fragante@unixg.ubc.ca) wrote:\\n: Anyone familiar with this video card? What chipset does the winjet use - S3?\\n: As I am in the market for a VLG video card, what is the best chipset among\\n: S3, Cirrus Logic and Tseng Lab (ATI is out of the question - too expensive) ?\\n\\n: Thanks.\\n\\n\\tWinJet is not a video card -- it's _printer_ accelerator manufactured\\n\\tby LaserMaster (Eden Prairie, MN).\\n\\n\\t-- Willy\\n--\\n * Ville V. Walveranta Tel./Fax....: (510) 420-0729 ****\\n ** 96 Linda Ave., Apt. #5 From Finland: 990-1-510-420-0729 ***\\n *** Oakland, CA 94611-4838 (FAXes automatically recognized) **\\n **** USA Email.......: wil@shell.portal.com *\\n\",\n", + " 'From: npet@bnr.ca (Nick Pettefar)\\nSubject: Re: Rejetting carbs..\\nNntp-Posting-Host: bmdhh299\\nOrganization: BNR Europe Ltd, Maidenhead, UK\\nX-Newsreader: TIN [version 1.1 PL8]\\nDistribution: na\\nLines: 53\\n\\nMark Kromer, on the Thu, 15 Apr 1993 00:42:46 GMT wibbled:\\n: In an article rtaraz@bigwpi (Ramin Taraz) wrote:\\n\\n: >Does the \"amount of exhaust allowed to leave the engine through the\\n: >exhaust pipe\" make that much of a difference? the amount of air/fuel\\n: >mixture that a cylender sucks in (tries to suck in) depends on the\\n: >speed of the piston when it goes down. \\n\\n: ...and the pressure in the cylinder at the end of the exhaust stroke.\\n\\n: With a poor exhaust system, this pressure may be above atmospheric.\\n: With a pipe that scavenges well this may be substantially below\\n: atmospheric. This effect will vary with rpm depending on the tune of\\n: the pipe; some pipes combined with large valve overlap can actually\\n: reverse the intake flow and blow mixture out of the carb when outside\\n: the pipes effective rev range.\\n\\n: >Now, my question is which one provides more resistence as far as the\\n: >engine is conserned:\\n: >) resistance that the exhaust provides \\n: >) or the resistance that results from the bike trying to push itself and\\n: > the rider\\n\\n: Two completely different things. The state of the pipe determines how\\n: much power the motor can make. The load of the bike determines how\\n: much power the motor needs to make.\\n\\n: --\\n: - )V(ark)< FZR400 Pilot / ZX900 Payload / RD400 Mechanic \\n: You\\'re welcome.\\n\\nWell I, for one, am so very glad that I have fuel injection! All those \\nneedles and orifices and venturi and pressures... It\\'s worse than school human\\nbiology reproduction lessons (sex). Always made me feel a bit queasy.\\n--\\n\\nNick (the Simple Minded Biker) DoD 1069 Concise Oxford Tube Rider\\n\\nM\\'Lud.\\n\\n ___\\t___ ___ ___\\n {\"_\"} {\"_\"} {\"_\"} {\"_\"}\\t Nick Pettefar, Contractor@Large.\\n \\' `\\t` \\' \\' ` ` \\'\\t\\t Currently incarcerated at BNR,\\n ___\\t___ ___ ___\\t\\t Maidenhead, The United Kingdom.\\n |\"_\"| |\"_\"| |\"_\"| |\"_\"|\\t npet@bnr.ca \\'86 BMW K100RS \"Kay\"\\n ` \\'\\t\\' ` ` \\' \\' `\\t\\t Pres. PBWASOH(UK), BS 0002\\n\\t .\\n _ _\\t\\t_ __ .\\n / ~ ~~\\\\ | / ~~ \\\\\\n |_______| [_______|\\n\\t _:_\\n\\t |___|\\n\\n',\n", + " 'Organization: Penn State University\\nFrom: Robbie Po \\nSubject: Re: BLUES SWEEP BLACKHAWKS!\\n <1993Apr25.222739.16828@ramsey.cs.laurentian.ca>\\n <1993Apr25.223810.29300@wuecl.wustl.edu> <93115.191211RAP115@psuvm.psu.edu>\\nLines: 24\\n\\nIn article <93115.191211RAP115@psuvm.psu.edu>, Robbie Po \\nsays:\\n>(Michael Virata Sy) says:\\n>>Michael Sy\\n>>mvs1@cec2.wustl.edu (DEVILS CONSULTANT)\\n>>And HOW \\'BOUT THOSE DEVILS! 4-1 over the Penguins. HAHAHAHAHAHAH!\\n>\\n\\n>Attention all Penguins fans: If The Pens win game 5, show some laughter\\n>in that e-mail box address listed above. Thanks! :-)\\n>\\n\\nAttention Penguins fans once again, apparently 99.999% of you understand that\\nthis was just a joke (Hence the :-) next to it) but one idiot on here doesn\\'t\\nas he got pissed at me and sent me two hate e-mails telling me that this is\\nwrong. I have no intentions of sending e-mail to anyone should the Pens win\\ntonight, and I really do not expect/do not intend to lead any of you to send\\nthis poster e-mail either. It was NOT a serious request. If you didn\\'t know\\nthat (which you probably did) then don\\'t do it. Thanks.\\n-------------------------------------------------------------------------\\n** Robbie Po ** 1993\\'s STREAKERS \"We do what comes naturally!\\nPatrick Division Semi\\'s -- PGH PENGUINS -- You see now, wait for the\\nDevils 4, PENGUINS 1 1991, 1992 STANLEY possibility, don\\'t you see a\\nPenguins lead, 3-1 CUP CHAMPIONS :-) strong resemblance...\"-DG \\'89\\n',\n", + " \"From: dingman+@cs.cmu.edu (Christopher Dingman)\\nSubject: Re: Buying a high speed v.everything modem\\nNntp-Posting-Host: pie9.mach.cs.cmu.edu\\nOrganization: School of Computer Science, Carnegie Mellon\\nLines: 38\\n\\nIn article <1993Apr20.001127.4928@rs6000.cmp.ilstu.edu> behr@math.ilstu.edu (Eric Behr) writes:\\n>\\n>The AT&T Dataport earns nearly unanimous praises for reliability. They are\\n>backordered at the moment, probably because of the special $299 price in\\n>effect until May. Its fax capabilities are worse than that of the other two\\n>modems. WARNING: AT&T ads say that the modem comes with a Mac kit (cables &\\n>all), and has lifetime warranty. This applies *only* when you order\\n>directly from Paradyne! I called ElekTek (one of the distributors), and\\n>they wanted to charge me $16 for cable, and gave only 1 year warranty...\\n>\\n\\nHmm, I don't know where this information concerning the cable and the\\nwarranty came from but I ordered mine from Logos Communications, near\\nCleveland, and inside was a Mac cable (with the correct pin connections :-))\\nand a lifetime warranty. The whole package was assembled at AT&T Paradyne,\\nand every piece (the serial cable, the telephone cable, etc.) had AT&T \\npart numbers on them, except the QuickLink software package and the \\nCompuServe intro kit.\\n\\n>-- \\n>Eric Behr, Illinois State University, Mathematics Department\\n>behr@math.ilstu.edu or behr@ilstu.bitnet (please avoid!)\\n\\nIf anyone's interested, Logos number is (800) 837-7777. I ordered mine\\nlast Wednesday and got my modem on Friday, though it's not to far from\\nCleveland to Pittsburgh.. :-) On the down side they only ship UPS COD.\\n\\n\\n\\t\\t\\t\\t\\t- Chris\\n\\n+--------------------------------------------------------------------------+\\n| Christopher P. Dingman |\\n| Electrical and Computer Eng. Dept. dingman@ece.cmu.edu |\\n| Carnegie Mellon University (412) 268-7119 |\\n| 5000 Forbes Ave |\\n| Pittsburgh, PA 15213 |\\n+--------------------------------------------------------------------------+\\n\\n\",\n", + " \"From: lzuo@byron.u.washington.edu (Joseph)\\nSubject: Great comeback for Sabres, despit changing goalie !\\nOrganization: University of Washington, Seattle\\nLines: 7\\nDistribution: na\\nReply-To: lzuo@u.washington.edu\\nNNTP-Posting-Host: byron.u.washington.edu\\n\\nBufflo Sabres has just finished their great four wins over Boston. All\\nSabres players contribute to those great wins but those talent players\\nincluding Mogily, Fuhr, Kemhlev and Lafontin impressed me most. Their \\nskills showed the art of sport, not like the garbage speech from the\\ncoach's corner.\\n\\nGo ! Make hocky popular, make hocky more exciting but less violent ! \\n\",\n", + " 'From: ralf@iqsc.COM (Ralf)\\nSubject: Monitor For Sale\\nOrganization: IQ Software Corp.\\nLines: 5\\n\\n For sale KFC SVGA Monitor 1024X768 .28DP Non-interlaced\\n\\n14\" Screen, still under warranty! $ 295.00 or best offer!\\n\\n\\n',\n", + " 'From: kem@prl.ufl.edu (Kelly Murray)\\nSubject: Re: Looking for X windows on a PC\\nOrganization: University of Florida Parallel Reasearch Lab.\\nLines: 30\\nDistribution: world\\nNNTP-Posting-Host: zoyd.prl.ufl.edu\\nKeywords: IBM PC, X windows, windows\\n\\nIn article <1993May14.021655.27374@labtam.labtam.oz.au>, graeme@labtam.labtam.oz.au (Graeme Gill) writes:\\n|> In article , hasty@netcom.com (Amancio Hasty Jr) writes:\\n|> \\n|> > >>>*BUT* your performance WILL suck lemons running an Xserver on a clone.\\n|> > \\n|> > I have a clone almost with no name generating 91k xstones on a 486/33Mhz\\n|> > system.\\n|> > \\n|> > \\n|> > >>>I can get 15\" Tektronix XP11 terminals for under $900, and the performance\\n|> > >>>is over 80000 Xstones.....\\n|> > \\n|> > >You will not come even CLOSE to the performance of an XP10 series, plus you \\n|> > >\\n|> > Excuse me, but with a 486/50 256k cache, S3 928 ISA card, 8Mb XS3 (X11R5) running 386bsd you can get 100k+ xstones at 1024x768 65Mhz which I doubt \\n|> \\n|> This is hardly apples to apples. Try running the benchmark over a\\n|> network to the clone and, and if you\\'re still getting 100K Xstones\\n|> then you\\'ve got a good machine. X terminals aren\\'t just a server you know.....\\n|> \\n|> \\tGraeme Gill.\\n\\nI would further add that a 486/50,S3/928,8mb,15\",200mbDISK is going to cost\\n/WAY/ more than $900, probably $3,000. Color makes it not apples/apples too.\\nXterminals provide better price/performance than PCs. You can make a PC\\nmuch cheaper, and perform much worse, and you can make PC\\'s perform great, and\\ncost more. You pay extra for the additional functinality and expandability\\nof a PC. For home user, that extra functionality is worth the added cost.\\n\\n -Kelly Murray\\n',\n", + " \"From: peng@poet.ucsd.edu (Peng Li)\\nSubject: Color 19'' Zenith TV for sale\\nKeywords: TV, for Sale\\nLines: 17\\n\\n\\n\\t\\t************************************************\\n\\n\\t\\t\\tCOLOR 19'' ZENITH TV for SALE\\n\\n\\t\\t*************************************************\\n\\n\\n\\t\\tRemote Control, $60.\\n\\n\\t\\tIf Interested, please call 455 6948 or\\n\\t\\t\\tE-mail: peng@ece.ucsd.edu\\n\\n\\t\\tMust sell by Apr. 30.\\n\\n\\t\\tThank you for you attention\\n\\n\",\n", + " 'From: Iris_-_Smith@cup.portal.com\\nSubject: Re: Drawing Lines (inverse/xor)\\nOrganization: The Portal System (TM)\\n <1993Apr21.111919.5281@alf.uib.no> \\nLines: 3\\n\\nYou can also set the Foreground to the XOR of the foreground and background\\ncolors: XSetForeground(..., fg ^ bg); This works great for me (at least\\nwith TrueColor visuals).\\n',\n", + " 'From: dino.fiabane%pics@twwells.com (Dino Fiabane)\\nSubject: Cordless Phone\\nReply-To: dino.fiabane%pics@twwells.com (Dino Fiabane)\\nOrganization: Pics OnLine! MultiUser System - 609-753-2540\\nLines: 23\\n\\nTo: All\\n\\nUniden Cordless Phone-Model XE 300. Perfect working condition, but\\nbase station is missing its antenna (the antenna mount is intact).\\n$25, shipping included if prepaid.\\nDO NOT REPLY TO: dino.fiabane@pics.com. Your mail will bounce if\\nit is sent to that address. Instead, please reply only via\\nprivate E-Mail to: pics!dino.fiabane@twwells.com\\n(Since my home BBS can only handle personal messages through\\nE-Mail for the time being, any further replies from me to you\\nwill also arrive via E-Mail instead of by way of a regular\\nnewsgroup.)\\nDino Fiabane, 150 Weston Drive, Cherry Hill, NJ 08003-2132\\nphone (609) 424-3836\\n\\n\\n * SLMR 2.1a * reply to: pics!dino.fiabane@twwells.com via E-Mail\\n \\n----\\n+------------------------------------------------------------------------+\\n| Pics OnLine MultiUser System (609)753-2540 HST 609-753-1549 (V32) |\\n| Massive File Collection - Over 45,000 Files OnLine - 250 Newsgroups |\\n+------------------------------------------------------------------------+\\n',\n", + " 'From: newton@cs.utexas.edu (Peter Newton)\\nSubject: Re: Cache card for IIsi\\nOrganization: CS Dept, University of Texas at Austin\\nLines: 64\\nNNTP-Posting-Host: mohawk.cs.utexas.edu\\n\\n> Can some people with cache cards PLEASE post speedometer numbers they\\n> get with the cards. I have only one report, which seems to indicate\\n> that a 32K cache card gives you only about a 1% speedup!! \\n\\nOk. I have a record that shows a IIsi with and without a 64KB cache.\\nIt\\'s small enough that I will attach it.\\n\\nI have also measured some real programs with and without the 64 KB\\ncache. The speedup varies a lot from app to app, ranging from 0% to\\n40%. I think an average of 20%-25% is about right. The subjective\\ndifference is not great, but is sometimes noticable. A simple cache\\ncard certainly does not transform a IIsi into something enormously\\nbetter. I do not have an FPU.\\n\\nThe conventional wisdom says that cache cards from all of the makers\\noffer about the same speedup and that there is not much difference\\nbetween 32K and 64K caches. I bought mine from Third Wave for well\\nunder $150. I have had absolutely no problems at all with it.\\n\\nIf you get *complete* speedometer runs for a 32K cache, I\\'d like to\\nsee them. Let\\'s check the conventional wisdom! The so called\\n\"Performance Rating\" numbers by themselves are of no interest. \\n\\nCheers.\\n\\n(This file must be converted with BinHex 4.0)\\n:#@0KBfKP,Q0`G!\"338083e\"$9!!!!!!\\'A!!!!!$qK3%\"a+!!!!BGJ&CfGiGfH(H\\n)GhQ!QSQBUC!!@SQUU(QSCfPhGhL(H+HCL&KjQTU)LDH)HBL*UCUCJ!U@GQ9hGiK\\nhCAKR9SPiJ)QRQ)QUJ+N(J!UCLD#U#S!!S!QUUTQC#U#DL3J)#3LT#UU)QUUBUT!\\n!S!L3!!UU#!QJS+UT!!QJS*UD#TUUQCQ3!*!!UCFJ!!%c4ACSL\\'D)L)D!#!!)#!!\\n!!!!!!!!)!!!!!!!!J!B8*%9@9L0A\"i!!G`!!G`B!!(J)\"i###B!P[US),B\")21Z\\n-1I\"k-cQFM-VXMHhA!irdjPcVr,lUCVSZ2SI8j@,-l,jPI`F#lZq0A\"AL8XRHjf,\\n6[LJ09\"aZ2TV6l!$9lN@eAP@Rei8(VIpIQkfDK$-ZV[b+9[T5lkC0XZ6LGhf(Ik&\\na$Lkh*Q6-qhh2MIlc*Q2Iq$p([GeSp(ejN!\"bHMdHll$&Qh\\'lR`E26C2(QBqSrMM\\npa-k()jPGXqcpR2rYR9eYd0,*Mh0,h1rj1*hA%pcLHRSG6PF2eIYmc4rIS60EFp+\\nCGE@Vr$[TRAFA(QkA`pG8JkS[@fe1mcBikFQC(,(9K[U&h\"\"0rr\"BDDT(i%XP3Z$\\nV04L8D82FeU01V4K-9U#JaD@1*fZa`EZr3-eGTYkNXH49SjF2Ei[G*5el3[VZ\\'j[\\nVf($bTBHjlEX3Pe0KJ8,ZKH!9Cc3+fJ%kHGZC*BHhNV9+DC6Xd$[S58DFD\"pJ%ei\\nq#CXHkEL`@d%&PYYY\"1f0rG`jm0rJTCYMi4B1KbB\\'pUBQ)PU9\\'q\"*m1miHG#YR`b\\neUNG1\\'mSAP#mR`i-1*K`l[DiNq\\'MQjZA(,4bq\"$*Mimq(KC9@@(-Mc\\'\"f88e9U&0\\nF\\'Y4U5eXb(\"+6T8D@6(R3ae+10Padk\"CAK!*Ea6SThLiA9HF!H&&Da@[,[2bA2!p\\n2VIr&TI)!6V`%S!*eJ#GS!Q!!QqD#2P!*M49m9IdHhm2frUq2Ek))G3e\"Vi)+rQJ\\nC[`%m#+E&0jf\"YI2ql`VI&0qHH!R[339`\\'9hY46)TR+ZkXI!pQRQKCU3%ed9R&Cr\\n!QCiUk+ZmEf)IYI&bqMEffkT5bB`JhYl2K[0PXVe0B@@2*@Uam121D`A`h+cC)Xl\\nIEjf8S+#9`a6[P8p0ZC&6H0ajcY1BR\"JDM3`F%lJ1&5bI+SC2Jh([qeTfVK961rR\\nZVIq[+Rb-TH3\\'B3f0r$h\\'\\'cP%\"UY1\\'jU53jY@5P(RCdPAXAfrl\"Xrhf#Y\"dmV1i$\\n9%Dm@T+f4NMlP5jd-XN0(K5C91\\'R@)4Qb9C5Ke1h%V-kiaRA-NTa`b9(YYL5TM5*\\nF2#bUFFLGJ%,D8QA*9R`eUQ29Sj!!p0b\\'\"c5LEFR4@%9KpDGj1,bijhNaDH,6mrm\\n(3qpJITeraM0+0RHJ*aJ%f`#HJ!R4JJXDK22e!Cab5DK)jkRq0r[IcrC`[c!Krd(\\n$m1VrbJCX!NR)3FrcHYPk(r1CHJjiJ#Hk%\\'J84pq+#+$a2&r&bZ,Ff1V,-KG6qG9\\nMbmUPG9XkUeX$2Gl!Gl!Gl!GE!k5hrX(F4IX4IRNYkb\"M%rSbN4`8m8qPq2rAd[j\\nFhRC#4(PeI2RFhY0+j-GH\\'!P*S)h!#HN!R6JJXb5f\\'b!clJkfb121qGm2MclEe,S\\nmHpf12b4arQ$Q%%PLK\"q(8@I8[qRmmS5[l`\"2fP!\"4CpjY0,DDAp2AlE#eIPBD0c\\nrL1,PeXj39[%9k`HF4Z,ZKGN4h9A+b-T23l)RDf\\'a13X\"\\'-#VbKJ[!9ME*!Tlp2-\\nQckRpM@J2e5BN*f&jHN*[Vp-#f+F(J)PQXJNlYRLpQ3C,%`Cm0l3E[MP\"cXZ6`)B\\nmpVS0)P3Y@XTB5F5qaSr\"XrmrZf1iLXSV,pPVjICFMRrekXdDI`0FHmT[Q!4VL`T\\naalM336chGUr@\"Me6YarIDI&Y2LpE9HPaI#fhNFmq$qLchVC(dUajJ%eb%(6NdIH\\np#jqEd#X1cGDTVmDY965+@Pi,Mr1JeR&pq`q@\"AacVkC[0lZi3-Z-5PZk8%f$Vrd\\nHfR&1mci,3&Nqh9r\"e%\"j5Ve$0rN`AbfB\"Qqlk$C`3@LKQRh0(-MKhNYA+UC&Qhq\\n5kajHR1eFqR,2H5b8Z!SLfG3!!2TPmiF!!3!+58PcD5eMB@0SC3%!!!!)6@0S9(0\\n3C$1R$)JJT`b+33%!ADmicJ!#!!!4a3!!!!!!!!B9!!!!!,AP!!!:\\n-- \\n ----\\nPeter Newton (newton@cs.utexas.edu)\\n',\n", + " \"From: bjgrier@bnr.ca (Brian Grier)\\nSubject: Re: Challenge to Microsoft supporters.\\nNntp-Posting-Host: 131.253.206.80\\nOrganization: Bell Northern Research\\nLines: 34\\n\\n[ Lots of stuff deleted because I felt like it ]\\n\\nThis MS bashing has definitely lost all its humor value.\\n\\nI think most of the people posting are forgetting that most users\\nof MS products do not even know about internet, and Unix is that\\nvery unfriendly place where bizzare abreviations replace the rather\\ncomfortable abreviations they know. And the abreviations have subtle\\ndifferences between the different vendors. While PC users tend to\\ncustomize any windowing setup, they can not do much with their \\ncommand line.\\n\\nSo to most of the computer users in the world MS product symbolize\\nquality. MS has made their life easier, and more productive and to them\\nthat is quality. They do not care about what innovative things MS has\\ndone, other than to make their life with a computer one heck of a lot\\neasier. You may know better than most computer users in this world\\nbut that will not change their perception.\\n\\nFace it until Unix come up with a decent GUI that is available to\\nall variations of Unix it just will not catch on with the mainstream\\nof computer users. We here on the net are not mainstream computer users.\\n\\n\\nBrian\\n-- \\n\\nDisclaimer: The opinions expressed are mine not those of BNR.\\n\\n ____________________________________________________________________________\\n| Brian, WS1S (ST/TT User/Developer) | If I wanted a computer to play games |\\n| Bell Northern Research | on I'd buy an Amiga. However I have |\\n| Research Triangle Park, NC | real work to do. So please get lost! |\\n|____________________________________|_______________________________________|\\n\",\n", + " \"From: dlecoint@garnet.acns.fsu.edu (Darius_Lecointe)\\nSubject: Re: Sabbath Admissions 5of5\\nOrganization: Florida State University\\nLines: 27\\n\\nI have been following this thread on talk.religion,\\nsoc.religion.christian.bible-study and here with interest. I am amazed at\\nthe different non-biblical argument those who oppose the Sabbath present. \\n\\nOne question comes to mind, especially since my last one was not answered\\nfrom Scripture. Maybe clh may wish to provide the first response.\\n\\nThere is a lot of talk about the Sabbath of the TC being ceremonial. \\nAnswer this:\\n\\nSince the TC commandments is one law with ten parts on what biblical\\nbasis have you decided that only the Sabbath portion is ceremonial?\\nOR You say that the seventh-day is the Sabbath but not applicable to\\nGentile Christians. Does that mean the Sabbath commandment has been\\nannulled? References please.\\n\\nIf God did not intend His requirements on the Jews to be applicable to\\nGentile Christians why did He make it plain that the Gentiles were now\\ngrafted into the commonwealth of Israel?\\n\\nDarius\\n\\n[Acts 15, Rom 14:5, Col 2:16, Gal 4:10. I believe we've gotten into\\na loop at this point. This is one of those classic situations where\\nboth sides think they have clear Scriptural support, and there's no\\nobvious argument that is going to change anybody's mind. I don't think\\nwe're going anything but repeating ourselves. --clh]\\n\",\n", + " 'From: firenza@vlsi2.WPI.EDU (Timothy Mark Collins)\\nSubject: Performa 450 bundle-- here\\'s what\\'s in it.\\nOrganization: Worcester Polytechnic Institute, Worcester, MA\\nLines: 42\\nDistribution: na\\nNNTP-Posting-Host: vlsi2.wpi.edu\\n\\n I went to Staples in Framingham, MA, today, and grabbed the info-sheet on the\\n450 bundle. \\n For a mere $1897.00, you get:\\n\\n-25 megahertz 68030 microprocessor\\n-4M of RAM\\n-120M hard disk\\n-1.4M floppy disk drive\\n-built in support for 256 colors, expandable to 32,000 colors\\n-1 expansion slot\\n-keyboard and mouse\\n-14\" display\\n-0.29 mm dot pitch for extra-sharp text and graphics\\n-640 x 480 pixels\\n-microphone and speaker\\n-Macintosh System 7 software for Performa computers version 7.1P\\n-At Ease, Macintosh PC Exchange, and Quicktime software\\n-Global Village Teleport fax/modem , send fax only\\n\\n_Service and support\\n\\t-1 year limited warranty\\n\\t-1 year of in-home service\\n\\t-toll free help line support\\n\\n-Pre-installed software:\\n\\t-WordPerfect Works\\n\\t-Best of ClickArt Collection\\n\\t-Touchbase\\n\\t-Datebook\\n\\t-Bestbooks\\n\\t-The Amereican Heritage Dictionary\\n\\t-Correct Grammar\\n\\t-Apple Special Edition of American Online with free trial membership\\n\\t-CheckFree electronic bill-payment software\\n\\t-Spectre Challenger\\n\\t-Scrabble\\n\\nEditor\\'s Note: The spec sheet I have list\\'s the microprocessor as a \"38030\",\\n but I corrected that. Didn\\'t want to confuse anybody...\\n\\n Tim\\n\\n',\n", + " 'From: mmchugh@andy.bgsu.edu (michael mchugh)\\nSubject: Pink Floyd 45 rpm singles for sale\\nKeywords: Pink Floyd rpm singles\\nOrganization: Bowling Green State University B.G., Oh.\\nLines: 17\\n\\n\\nI have the following 45 rpm singles for sale. Most are collectable 7-inch \\nrecords with picture sleeves. Price does not include postage which is $1.21 \\nfor the first record, $1.69 for two, etc.\\n\\n\\nPink Floyd|Learning to Fly (Columbia Promo/Picture Sleeve)|$5\\nWaters, Roger|Sunset Strip (Columbia Promo/Picture Sleeve)|$10\\nWaters, Roger|Sunset Strip (Columiba Promo)|$5\\nWaters, Roger|Who Needs Information (Columiba Promo)|$10\\n\\n\\nIf you are interested, please contact:\\n\\nMichael McHugh\\nmmchugh@andy.bgsu.edu\\n\\n',\n", + " 'From: wdstarr@athena.mit.edu (William December Starr)\\nSubject: Re: rnitedace and violence\\nOrganization: Northeastern Law, Class of \\'93\\nLines: 20\\nDistribution: usa\\nNNTP-Posting-Host: nw12-326-1.mit.edu\\nIn-reply-to: neal@magpie.linknet.com (Neal)\\n\\n\\nIn article , \\nneal@magpie.linknet.com (Neal) said:\\n\\n> My views are out of experiences when I was a police officer in a large\\n> metropolitan area, and of a citizen. Unless people account for their\\n> behavior, and for the behavior of their immediate community, nothing\\n> will improve.\\n\\nWait a minute. I agree with you that people have to take responsibility\\nfor their own behavior (I assume that\\'s what you meant by the word\\n\"account\"), but also for \"the behavior of their immediate community\"?\\n\\nFirst of all, how \"immediate\" are you talking about, and secondly, I\\nhave a lot of trouble with any theory of social behavior or justice\\nwhich charges anyone with the duty of taking responsibility for or\\naccounting for the actions of a different person...\\n\\n-- William December Starr \\n\\n',\n", + " 'From: niko@iastate.edu (Nikolaus E Schuessler)\\nSubject: Re: I donwloaded a .bin file from a unix machine - now what?\\nOrganization: Iowa State University, Ames, IA\\nLines: 26\\n\\nIn article matess@gsusgi1.gsu.edu (Eliza Strickler) writes:\\n>I just donwloaded a *.bin file from a unix machine which is\\n>supposed to be converted to a MAC format. Does anyone know \\n>what I need to do to this file to get it into any Dos, Mac\\n>or Unix readable format. Someone mentioned fetch on the unix\\n>machine - is this correct? Could someone explain the .bin\\n>format a little?\\n>\\n\\nThis is almost certainly a MacBinary file which is an encoded version\\nof a mac file so the Resource fork and Data fork get preserved.\\nYou need a program that converts this to a regular file. If this is a\\nmacbinary file, you may have downloaded it in Text mode and is probably\\ncorrupt (if you did). If you\\'re using FTP to transfer it at any point make sure\\nyou type \"binary\" first.\\n\\nIf you can open the file with a text editor and find\\n(This file must be converted with Bin....\\nat the top, it is a BinHex file and can be decoded with\\nBinHex 4.0 (among other programs).\\n\\n-- \\nNiko Schuessler \\nProject Vincent Systems Manager email: niko@iastate.edu\\nIowa State University Computation Center voice: (515) 294-1672\\nAmes IA 50011 snail: 291 Durham \\n',\n", + " 'From: dale@wente.llnl.gov (Dale M. Slone)\\nSubject: xlock\\nOrganization: Lawrence Livermore National Laboratory\\nLines: 11\\nDistribution: world\\nNNTP-Posting-Host: morbid.llnl.gov\\n\\nI found an oddity with our SGI Indigo (MIPS R3000 chip).\\nWhen xlock +nolock is running, and I am working remotely\\nor in batch (at) mode, the runtime of my programs (as timed\\nby using clock() in the code itself) is ~25% slower than if\\nxlock is NOT running. No other processes seem to affect my\\nruntimes, yet this is very consistent!\\n\\nAny explanations, real or imagined :)\\n\\nthanx\\ndale@frostedflakes.llnl.gov\\n',\n", + " \"From: hagins@avlin8.us.dg.com (Jody Hagins)\\nSubject: O's lose openr at home to Rangers\\nReply-To: hagins@avlin8.us.dg.com\\nOrganization: Data General Corporation, Linthicum, MD\\nLines: 11\\n\\nSutcliffe gives up 3 HRs (Gonzales 1, Palmer 2) and Mills gives up\\n1 HR (Gonzales) to lose 7-4. Sutcliffe\\n\\nTexas 7 10 0 Lefferts 1-0\\nBaltimore 4 9 0 Sutcliffe 0-1\\n\\n-- \\nJody Hagins -- hagins@avlin8.us.dg.com\\nData General Corporation, Linthicum, MD\\n\\n\\n\",\n", + " 'From: mathew \\nSubject: Re: After 2000 years, can we say that Christian Morality is\\nOrganization: Mantis Consultants, Cambridge. UK.\\nX-Newsreader: rusnews v1.02\\nLines: 24\\n\\nfrank@D012S658.uucp (Frank O\\'Dwyer) writes:\\n> Specifically, I\\'d like to know what relativism concludes when two\\n> people grotesquely disagree. Is it:\\n> \\n> (a) Both are right\\n> \\n> (b) One of them is wrong, and sometimes (though perhaps rarely) we have a \\n> pretty good idea who it is\\n> \\n> (c) One of them is wrong, but we never have any information as to who, so\\n> we make our best guess if we really must make a decision.\\n> \\n> (d) The idea of a \"right\" moral judgement is meaningless (implying that\\n> whether peace is better than war, e.g., is a meaningless question,\\n> and need not be discussed for it has no correct answer)\\n> \\n> (e) Something else. A short, positive assertion would be nice.\\n\\nFrom whose point of view would you like to know what relativism concludes? \\nOne of the people involved in the argument, or some third person observing\\nthe arguers?\\n\\n\\nmathew\\n',\n", + " \"From: jartsu@hut.fi (Jartsu)\\nSubject: Good Hard-Disk driver for non-Apple drives? (Sys 7.1 compat.)\\nNntp-Posting-Host: lk-hp-20.hut.fi\\nReply-To: jartsu@vipunen.hut.fi\\nOrganization: Helsinki University of Technology, Finland\\nLines: 14\\n\\n\\nHi there!\\n\\nWhat is your recommendation for a good hard-disk driver software for\\nnon-Apple drives? I would mainly need it for a SyQuest removable media\\ndrive, but maybe for some normal drives too.\\nI have heard and seen good things about SilverLining, but don't know\\nany competitors. It does not need to be fancy, filled with features...\\nI more like it affordable.\\n\\nThanks\\n\\n--\\nJartsu\\n\",\n", + " \"From: keith@cco.caltech.edu (Keith Allan Schneider)\\nSubject: Re: Political Atheists?\\nOrganization: California Institute of Technology, Pasadena\\nLines: 11\\nNNTP-Posting-Host: punisher.caltech.edu\\n\\narromdee@jyusenkyou.cs.jhu.edu (Ken Arromdee) writes:\\n\\n>>The motto originated in the Star-Spangled Banner. Tell me that this has\\n>>something to do with atheists.\\n>The motto _on_coins_ originated as a McCarthyite smear which equated atheism\\n>with Communism and called both unamerican.\\n\\nNo it didn't. The motto has been on various coins since the Civil War.\\nIt was just required to be on *all* currency in the 50's.\\n\\nkeith\\n\",\n", + " 'From: scrowe@hemel.bull.co.uk (Simon Crowe)\\nSubject: BGI Drivers for SVGA\\nSummary: Ftp site for SVGA Driver\\nKeywords: BGI, SVGA\\nNntp-Posting-Host: bogart\\nOrganization: Bull HN UK\\nLines: 11\\n\\nI require BGI drivers for Super VGA Displays and Super XVGA Displays. Does \\nanyone know where I could obtain the relevant drivers ? (FTP sites ??)\\n\\n\\tRegards\\n\\n\\n\\t\\tSimon Crowe\\n\\n\\n\\n\\n',\n", + " 'From: rss2d@poe.acc.Virginia.EDU (Randolph Stuart Sergent)\\nSubject: Re: Greek myth and the Bible\\nOrganization: University of Virginia\\nLines: 21\\n\\nIn article <765422d6347700t48@edmahood.infoserv.com> edmahood@infoserv.com (Ed Mahood, Jr.) writes:\\n>In , Pegasus@AAA.UOregon.EDU (Laurie EWBrandt) wrote:\\n>> ...\\n>> A definiation from a text book used as part of an introductory course in\\n>> social anthorpology \"The term myth designates traditionally based, dramatic\\n>> narratives on themes that emphasize the nature of humankind\\'s relationship\\n>> to nature and to the supernatural. ....\" from Peter B. Hammand\\'s .An \\n>> introduction to Cutural and Social Anthropology. second ed Macmillion \\n>> page 387.\\n>\\n\\n\\tI\\'m not sure that you can distinguish between myth and legend so\\nneatly, or at all. A myth is more than a single story. The thought \\nstructure and world-paradigm in which that story is interpreted is as\\nimportant a part of the myth as the story itself. Thus, I can think of\\nno story which is meant to be conveyed understandably from one person\\nto another within a single culture which won\\'t rest upon that underlying\\nthought structure, and thus transmit some of that culture\\'s mythical\\n\"truths\" along with it. \\n\\nrandy\\n',\n", + " 'From: ingles@engin.umich.edu (Ray Ingles)\\nSubject: Evo. & Homosexuality (Was Re: Princeton etc.)\\nArticle-I.D.: srvr1.1psosqINN3gg\\nDistribution: world\\nOrganization: University of Michigan Engineering, Ann Arbor\\nLines: 51\\nNNTP-Posting-Host: wormwood.engin.umich.edu\\n\\n\\n Sorry, Bill, I had to clear this up. There may be good evolutionary\\narguments against homosexuality, but these don\\'t qualify.\\n\\nIn article bil@okcforum.osrhe.edu (Bill Conner) writes:\\n>C.Wainwright (eczcaw@mips.nott.ac.uk) wrote:\\n[deletions]\\n>: |> It would seem odd if homosexuality had any evolutionary function\\n[deletions]\\n>: So *every* time a man has sex with a woman they intend to produce children?\\n>: Hmm...no wonder the world is overpopulated. Obviously you keep to the\\n>: Monty Python song: \"Every sperm is sacred\". And if, as *you* say, it has\\n>: a purpose as a means to limit population growth then it is, by your own \\n>: arguement, natural.\\n>\\n>Consider the context, I\\'m talking about an evolutionary function. One\\n>of the most basic requirements of evolution is that members of a\\n>species procreate, those who don\\'t have no purpose in that context.\\n\\n Oh? I guess all those social insects (e.g. ants, bees, etc.) which\\nhave one breeding queen and a whole passel of sterile workers are on\\nthe way out, huh?\\n \\n>: These days is just ain\\'t true! People can decide whether or not to have \\n>: children and when. Soon they will be able to choose it\\'s sex &c (but that\\'s \\n>: another arguement...) so it\\'s more of a \"lifestyle\" decision. Again by\\n>: your arguement, since homosexuals can not (or choose not) to reproduce they\\n>: must be akin to people who decide to have sex but not children. Both are \\n>: as \"unnatural\" as each other.\\n>\\n>Yet another non-sequitur. Sex is an evolutionary function that exists\\n>for procreation, that it is also recreation is incidental. That\\n>homosexuals don\\'t procreate means that sex is -only- recreation and\\n>nothing more; they serve no -evolutionary- purpose.\\n\\n I refer you to the bonobos, a species of primate as closeley related to\\nhumans as chimpanzees (that is, very closely). They have sex all the\\ntime, homosexual as well as heterosexual. When the group finds food, they\\nhave sex. Before the go to sleep at night, they have sex. After they\\nescape from or fight off prdators, they have sex. Sex serves a very important\\nsocial function above and beyond reproduction in this species. A species\\nclosely related to humans. There is some indication that sex performs\\na social function in humans, as well, but even if not, this shows that\\nsuch a function is not *impossible*.\\n\\n Sincerely,\\n\\n Ray Ingles ingles@engin.umich.edu\\n\\n \"The meek can *have* the Earth. The rest of us are going to the\\nstars!\" - Robert A. Heinlein\\n',\n", + " \"From: s106275@ee.tut.fi (Anssi Saari)\\nSubject: Re: Soundblaster IRQ and Port settings\\nOrganization: Tampere University of Technology, Computing Centre\\nLines: 16\\nDistribution: inet\\nNNTP-Posting-Host: ee.tut.fi\\n\\nIn <1993Apr16.105809.22218@walter.cray.com> huot@cray.com (Tom Huot) writes:\\n\\n>I would also like an explanation of this. If anyone can explain\\n>why the SB Pro and LPT 1 can share an IRQ, please do so.\\n\\nI think it's simply because DOS doesn't use the IRQ for anything. OS/2 does,\\nso with that you can't share the IRQ.\\n\\nAnssi\\n\\n\\n-- \\nAnssi Saari s106275@ee.tut.fi \\nTampere University of Technology \\nFinland, Europe \\n\\n\",\n", + " 'Subject: Re: Once tapped, your code is no good any more.\\nFrom: a_rubin@dsg4.dse.beckman.com (Arthur Rubin)\\n <1993Apr20.151718.2576@magnus.acs.ohio-state.edu>\\nDistribution: na\\nOrganization: Beckman Instruments, Inc.\\nNntp-Posting-Host: dsg4.dse.beckman.com\\nLines: 15\\n\\nIn <1993Apr20.151718.2576@magnus.acs.ohio-state.edu> jebright@magnus.acs.ohio-state.edu (James R Ebright) writes:\\n\\n>In article a_rubin@dsg4.dse.beckman.com (Arthur Rubin) writes:\\n\\n>>I wouldn\\'t trust the NSA. I think I would trust the President on this, but\\n>>I\\'m not certain he would be told.\\n\\n>\"I am not a crook.\" President Richard M. Nixon\\n> ^^^^^^^^^\\n\\nTHIS President. (And I could easily be wrong.)\\n--\\nArthur L. Rubin: a_rubin@dsg4.dse.beckman.com (work) Beckman Instruments/Brea\\n216-5888@mcimail.com 70707.453@compuserve.com arthur@pnet01.cts.com (personal)\\nMy opinions are my own, and do not represent those of my employer.\\n',\n", + " \"From: Robert Everett Brunskill \\nSubject: Re: $$$ to fix TRACKBALL\\nOrganization: Freshman, Electrical and Computer Engineering, Carnegie Mellon, Pittsburgh, PA\\nLines: 7\\nNNTP-Posting-Host: po4.andrew.cmu.edu\\nIn-Reply-To: <93105.152944BR4416A@auvm.american.edu>\\n\\nOf course, if you want to check the honesty of your dealler, take it in\\nknowing what's wrong, and ask them to tell you. :)\\n\\nOf course he'll probably know right a way, then charge you a $20 service\\nfee. :)\\n\\nRob\\n\",\n", + " \"From: gt2617c@prism.gatech.EDU (Brad Smalling)\\nSubject: Re: Help with changing Startup logo\\nDistribution: usa\\nOrganization: Georgia Institute of Technology\\nLines: 24\\n\\nIn article farley@access.digex.com (Charles U. Farley) writes:\\n>I installed the s/w for my ATI graphics card, and it bashed my Windows\\n>logo files. When I start Windows now, it has the 3.0 logo instead of\\n>the 3.1 logo.\\n>I thought the files that controlled this were\\n>\\\\WINDOWS\\\\SYSTEM\\\\VGALOGO.RLE\\n>\\\\WINDOWS\\\\SYSTEM\\\\VGALOGO.LGO\\t\\n>I restored these files, but it didn't change the logo. Anyone know what\\n>the correct files are?\\n\\nFor a VGA card these are the correct files but you can't just copy them\\nback and expect it to work. You have to create a new WIN.COM file. Try\\nthe command (you will have to worry about what directories each file is in\\nsince I don't know your setup):\\n\\nCOPY /B WIN.CNF+VGALOGO.LGO+VGALOGO.RLE WIN.COM\\n\\n(I grabbed this from _Supercharging Windows_ by Judd Robbins--great book)\\nThis is also how you can put your own logo into the Windows startup screen.\\nAn RLE file is just a specially compressed BMP file.\\n\\nHope this helps\\n-- \\nBrad Smalling :: Jr.EE :: GA Tech :: Atlanta, GA :: gt2617c@prism.gatech.edu\\n\",\n", + " \"From: jon@cs.uwa.oz.au (Jon Nielsen)\\nSubject: Re: Centris 610 flaky?\\nNntp-Posting-Host: woylie\\nOrganization: Dept. Computer Science, University of Western Australia.\\nLines: 35\\n\\nIn scott@cs.uiuc.edu (Jay Scott) writes:\\n\\n>A rep at the dealer (actually it's a university order center, so\\n>they don't have any immediate financial interest), told me that\\n>they have been having lots of problems with their Centris 610.\\n>He didn't go into details, but mentioned problems with the\\n>floppy drive and intermittent problems with printing files.\\n>It sounded to me like they were having both hardware problems\\n>and software compatibility problems with the machine.\\n\\n>He's not recommending the Centris 610 to anybody; he says to\\n>consider a Centris 650 or a IIvx. (Why he would recommend a\\n>IIvx over an LCIII I don't know, but that's what he said.)\\n\\n>So, what does the net think? Did the dealer just get one flaky\\n>machine, or did Apple send the C610 out the door too early?\\n>Is your C610 working just great, or is it buggy too?\\n\\n>\\tJay Scott\\n>\\tscott@cs.uiuc.edu\\n\\nSounds to me like your dealer really wants to get rid of the IIvx's he has in\\nstock. I can imaging that they are getting hard to sell, given that \\n 1. a C610 is way faster, and is comparable in price.\\n 2. an LCIII is about the same speed, and is way cheaper.\\nSo your dealer may well be trying as hard as he can to convince people\\nthat IIvx's are a much better buy than a C610 just so he can get rid of all\\nhis old stock!\\n\\nNo disrespect to dealers or the IIvx intended!\\n\\n--\\nJon Nielsen (jon@cs.uwa.edu.au)\\nDepartment of Computer Science\\nUniversity of Western Australia\\n\",\n", + " 'From: rickert@NeXTwork.Rose-Hulman.Edu (John H. Rickert)\\nSubject: Re: My \\'93 picks (with only one comment)\\nArticle-I.D.: master.1psqpdINNh9v\\nReply-To: rickert@NeXTwork.Rose-Hulman.Edu (John H. Rickert)\\nOrganization: Computer Science Department at Rose-Hulman\\nLines: 47\\nNNTP-Posting-Host: g215a-1.nextwork.rose-hulman.edu\\n\\nIn article <12786@news.duke.edu> fierkelab@bchm.biochem.duke.edu (Eric Roush) \\nwrites:\\n> In article <1psbg8INNgjj@master.cs.rose-hulman.edu>\\n> rickert@NeXTwork.Rose-Hulman.Edu (John H. Rickert) writes:\\n> >In article jfr2@Ra.MsState.Edu (Jackie F. \\n> >Russell) writes:\\n> >> psg+@pitt.edu (Paul S Galvanek) writes:\\n> >> >National League West\\n> >> >\\tCincinnati ----\\n> >> >\\tHouston 5.0\\n> >> >\\tAtlanta 8.0\\n> >> ARGH! Here is where you are obviously dead wrong. Not since the Yankees \\n> >> of the 20\\'s and 30\\'s has a team been so nicely setup as this years(and \\n> >> years to come) Braves. I don\\'t think that the All-Star team will be able \\n> >This may be an appropriate comparison.\\n> >The 1929-31 Yankees finshed 2nd, 3rd and 2nd finshing \\n> >18, 16 and 13-1/2 games out of first. \\n> >In 1933,\\'34 and \\'35 they also finished second ( though they were only\\n> >7, 7 and 3 games out).\\n> >Even great teams can lose - That\\'s why they play the season.\\n> >(on the other hand... I\\'m still picking the Braves to go all the way)\\n\\n> Um, surely you didn\\'t intend to compare the \\'93 Reds with the\\n> 29 Philidelphia A\\'s. The Yankees were finishing 2nd to\\n> a team that was as good as the 26-28 Yankees, while the\\n> Yankees had aged some from their peak years. Ruth and Gehrig\\n> couldn\\'t play every position simultaneously.\\n> \\n> IMO, given the various ages of the Braves and Reds this season,\\n> that the Braves will be closer to their peak, while the Reds\\n> have slightly passed their peak.\\n> \\n> Also, if you\\'re going to compare Braves and Yankees, a more appropriate\\n> comparison to the \\'93 Braves might be the \\'23 Yankees. \\n> After falling short two years in a row in exciting World Series,\\n> both teams won/will win the Series this year, despite the\\n> heroics of some old fart on the other team. \\n> (Casey Stengel/ Dave Winfield???)\\n\\nPerhaps so. I was only responding to the \"Yankees of the 20\\'s and 30\\'s\" \\npart of the comment. If those teams were a \\'sure thing\\' and lost, \\nthen it\\'s probably not so unreasonable for someone to pick another \\nteam (not that I did).\\n\\njohn rickert\\nrickert@nextwork.rose-hulman.edu\\nGo Brewers!\\n',\n", + " 'From: madhaus@netcom.com (Maddi Hausmann)\\nSubject: Re: Amusing atheists and agnostics\\nOrganization: Society for Putting Things on Top of Other Things\\nLines: 40\\n\\ntimmbake@mcl.ucsb.edu (Bake Timmons) writes: >\\n\\n>OK, you have disproved one thing, but you failed to \"nail\" me.\\n>\\n>See, nowhere in my post did I claim that something _must_ be believed in. Here\\n>are the three possibilities:\\n>\\n>\\t1) God exists. \\n>\\t2) God does not exist.\\n>\\t3) I don\\'t know.\\n>\\n>My attack was on strong atheism, (2). Since I am (3), I guess by what you said\\n>below that makes me a weak atheist.\\n [snip]\\n>First of all, you seem to be a reasonable guy. Why not try to be more honest\\n>and include my sentence afterwards that \\n\\nHonest, it just ended like that, I swear! \\n\\nHmmmm...I recognize the warning signs...alternating polite and\\nrude...coming into newsgroup with huge chip on shoulder...calls\\npeople names and then makes nice...whirrr...click...whirrr\\n\\n\"Clam\" Bake Timmons = Bill \"Shit Stirrer Connor\"\\n\\nQ.E.D.\\n\\nWhirr click whirr...Frank O\\'Dwyer might also be contained\\nin that shell...pop stack to determine...whirr...click..whirr\\n\\n\"Killfile\" Keith Allen Schneider = Frank \"Closet Theist\" O\\'Dwyer =\\n\\nthe mind reels. Maybe they\\'re all Bobby Mozumder.\\n\\n-- \\nMaddi Hausmann madhaus@netcom.com\\nCentigram Communications Corp San Jose California 408/428-3553\\n\\nKids, please don\\'t try this at home. Remember, I post professionally.\\n\\n',\n", + " 'From: ynecgan@sx.mont.nec.com (Greg Neill)\\nSubject: Wanted: source for tuning capacitors\\nKeywords: capacitors, tuning\\nOrganization: HNSX SuperComputers, Mtl, PQ\\nDistribution: America\\nLines: 23\\n\\n\\nHello there. The other day I was feeling a tad nostalgic and thought\\nabout constructing an old-time crytal radio set. I figured on\\nsubstituting a modern germanium diode for the crystal, and winding the\\nantenna coil, etc., myself.\\n\\nThe only problem I seem to have is in locating a source for a tuning\\ncapacitor -- you know, the old meshed-plate variable condensers which\\nused to be the mainstay for tuning circuits. Well these things seem to\\nbe all but extinct in their original catalog habitats. Trimmer\\ncapacitors are relatively abundant, but are not really suitable for this\\napplication.\\n\\nSo, can anyone point me to a supplier of tuning capacitors in the \\n0--360 pF range?\\n\\nManythanks.\\n\\n-- \\n------------------------------------------------------------------------------\\nGreg Neill, | ounce (ouns), n. - The standard unit of\\nHNSX Supercomputers Inc.| prevention, equal to one pound of cure.\\ngneill@cid.aes.doe.ca | \\n',\n", + " \"From: bittrolff@evans.enet.dec.com ()\\nSubject: Re: A KIND and LOVING God!!\\nLines: 12\\nReply-To: bittrolff@evans.enet.dec.com ()\\nOrganization: Digital Equipment Corporation\\n\\n\\nIn article <1993Apr20.143754.643@ra.royalroads.ca>, mlee@post.RoyalRoads.ca (Malcolm Lee) writes:\\n\\n|>BTW, David Koresh was NOT\\n|>Jesus Christ as he claimed.\\n\\nHow can you tell for sure? Three days haven't passed yet. \\n\\n--\\nSteve Bittrolff\\n\\nThe previous is my opinion, and is shared by any reasonably intelligent person.\\n\",\n", + " \"From: gwalker@rtfm.mlb.fl.us (Grayson Walker)\\nSubject: Re: Changing oil by self.\\nKeywords: oily to bed \\nOrganization: A.S.I., Merritt Island, Florida \\nDistribution: usa\\nLines: 9\\n\\nAh, yes, the big chunks down in the sump. The solution is simple. Sort of\\nlike the advice my Aunt always gave -- never scratch your ear with anything\\nexcept your elbow.\\n\\nIf you have pieces of ring, con rods, valve heads or stems, just reach into\\nthe sump through the hole in the block that was associated with the creation\\nof those large bits and pieces. Anything you can't remove with one hand \\nthrough the hole in the block may safely be left in place.\\n\\n\",\n", + " 'From: lovall@bohr.physics.purdue.edu (Daniel L. Lovall)\\nSubject: Buick heater controls\\nSummary: My air vents don\\'t work on my 71 Skylark\\nDistribution: usa\\nOrganization: Purdue University Physics Department\\nLines: 31\\n\\nI have a \\'71 Buick Skylark with 148K on it. I bought it in California, and if\\nit\\'ll let me, I\\'d like to keep it for another year. The only problem is these\\nIndiana winters--my heater controls don\\'t work.\\n\\nThe car has vacuum operated control switches for the vents. Right now it is\\nstuck in the \"vent\" mode. It will blow warm air, but I can\\'t switch the air\\nflow to either the floor (I can live without this) or the defrost (I can\\'t \\nlive without this). I probably could just jam the air deflector to the \\ndefrost position, but this blows a lot of air in my face and is, well,\\nkind of like putting a vacuum cleaner in reverse.\\n\\nI have taken parts of the dash off and looked at the vacuum system and I think\\nthe problem (or part of it) is with the two diaphragms which control up/down\\nand outside/inside air flow. THe diaphragm which controls outside(vent)/in-\\nside(no vent) air is cracked most of the way around, and the other one is\\nprobably damaged too, considering the advanced age of the car.\\n\\nTwo questions:\\n\\n\\t1) Is there anything I should be aware of about this (other than\\n\\tthe fact that I should move from Indiana) ?\\n\\n\\t2) In the event that replacement diaphragms aren\\'t available, is there\\n\\ta way to \"fix\" this?\\n\\nTHanks for any advice/info\\n\\nselah,\\n\\nDan\\nlovall@physics.purdue.edu\\n',\n", + " 'From: kaul@watson.ibm.com\\nSubject: DMQS files for XGA-2 (was Re: CatsEye/X XGA-2! (extra modes?))\\nNews-Software: IBM OS/2 PM RN (NR/2) v0.17h by O. Vishnepolsky and R. Rogers\\nLines: 557\\nReply-To: kaul@vnet.ibm.com\\nDisclaimer: This posting represents the poster\\'s views, not necessarily those of IBM.\\nNntp-Posting-Host: kaul.bocaraton.ibm.com\\nOrganization: IBM T.J. Watson Research\\n\\n(NOTE: The followups are set to comp.os.os2.misc. DMQS files describe\\nmonitors and valid modes to be used by the XGA-2 under both Windows and\\nOS/2.)\\n\\nTHESE FILES ARE UNSUPPORTED! IBM has nothing to do with these files or\\nthis post. It\\'s personal this time (and every time I post -- see the\\nsignature).\\n\\nDue to demand and requests, here are some additional DMQS files I\\'ve\\ncollected for the XGA-2. These files function with the latest revision\\nof the drivers for the XGA-2. Not all these files will work under Windows\\nwith the drivers available to the general public at this time. All files\\nwill function under the most recent OS/2 2.1 beta and those I\\'ve tried have\\nworked under OS/2 2.0+SP. Not all files have been fully tested.\\n\\nTHESE FILES ARE UNSUPPORTED! They represent a personal collection, not\\nanything resembling an officially supported set.\\n\\nAs a standard disclaimer I would like to point out the following facts:\\n1) Some of these files may run your adapter out of spec. Doing so can\\n stress the ICs on the card and may result in incorrect operation or in\\n shorter life (how short depends on how much out of spec [boom!] :-).\\n2) Some of these files may run your adapter in a region that is out of\\n spec for your monitor, resulting in damage to your monitor.\\n3) You should be knowledgable about your monitor and adapter\\'s ability\\n to use the mode you select. Using these files represents hacking\\n in a very true sense, so practice safe computing and don\\'t play\\n around too much if you don\\'t like the risks and aren\\'t knowledgable\\n about what you\\'re doing.\\n4) If you feel uncomfortable with all the warnings, use the DMQS files\\n you have or wait until IBM releases official, tested DMQS files.\\n Although you should be aware of warning 2) even with the IBM files.\\n\\nTHESE FILES ARE UNSUPPORTED! By using them you may invalidate your\\nwarrenty. Not all have been fully tested -- I don\\'t have that many\\nmonitors.\\n\\nInstallation: unpack in your DMQSPATH environment variable, usually\\nc:\\\\xga$dmqs. Then use the methods described in your XGA-2 installation\\ndiskette to change your adapter or settings.\\n\\nPacking: these files have been packed with the latest INFOZIP utility. \\nYou will need PKZip 2.x if you don\\'t have the INFOZIP utilities.\\n\\nSubmitting: feel free to send me uuencoded versions of your favorite DMQS\\nfiles for your favorite monitors. I\\'m always interested in collecting more.\\n\\nArchive: these files have been uploaded to ftp-os2.nmsu.edu in\\npub/uploads/xga2dmqs.zip.\\n\\nbegin 644 xga2dmqs.zip\\nM4$L#!!0``@`(`)I%EQJ!0#0BN`````4!```&````E1VY7A)O%JT6HS_/G*:0$$@&,T\\\\S7%,%3Z$JTHK\\nMD`\\'[[\\\\,/AG3GBD$4-C+.7Y^;\\'2A2,58$TK@%CB,O(.6^RV*HK111XXB+JWF1\\nMS.XY5089%FD*F3,TU9O+O](PT0)M^7GKNS>;&8Z\"(N9G$0\\nM1;H)?@HWAWZ!;HIT*.0+I$O3Y&[!I+2+%]S#-?VXN5K3S>?RU2_EN\"WROYH>>_\">[W8M$AL1QAGO=R*0,\\\\8V*$:$(16\\'TG#\\'AT0Z/\\nMA2<[/!7&SYD0)O>9$IX=,RW,\"+.\"31!W<#O,&>8[)`P+\"9(.*4/:(3-\"ML-B\\nMAQ)L\")4ZI0;%JTBL4S%W^F?9YD.?OJ?ZJNJKJN^I_DGU;=4MLP:[2=S@EE4O\\nMJ[Y)TI\"JD#9D/@[J!4IUBK%(ZN:&.SWJZE_[]*KJ!=4+JE=5?ZOZ^SX]IOHU\\nM4+VA^H7J!ZJ?W\\'?WQN_=?P%02P,$%``\"``@`?4*7&H7S\\nM+]\")`0``^`(```L```!M;VXY.68Y+F1GAU*ZF$4A(+X$%5^!FT.7CMWL\\nMW!2%4HHNWC:GBHGHXH$S/-.\\'V?>\\\\Z^1GO\\'(F\\nMZ\\\\D#L_EO*R)/Q\\'$ZFMG(D!0(S!\\\\C0@YR0N\\\\!3X6^*L^$_BH#PN`!SX6ACPP+\\nM(_N,\"B^$<<\\'&B3FX$1.&R8BX82I.PB$9,6V8Z6(V8BXB#R6AL$T^)-=5$>L4\\nMS*W^57YSWJ*\\'J@>J!ZJ\\'JI=4K[;H=6(&=T7U%=7K)`S)==4WV_4/-_J&^I+JB^I\\'JB>5WU5=U7\\\\P#3,_V_57Y#?(\\nMG33UVAV]Z#Q&/R8&[I;J6ZH?DX#DKNI[]^EO*M+;UOM[5LVOEMN/5`]5#U4_\\nM4OV3ZH>/[7WG_^?_`E!+`P04``(`\"`!]0I<:_!HX=4`!``!T`@``\"P```&UO\\nM;C5F9C4N9&=SG<_-2@)A%`;@\\\\W[V`^&B_RQ+/L=_,?BL:1BH96$[A2;4-AE#\\nMBP)!HL700J4;<\"X@NI7@B;)UM`U?9>#::%$@OG,6[.0]O+^CNT,GQ69F&\\nMD5(2:=2;<[\\\\`4`]N__5>?%XNS(#Z=$M979-[NNED3:-:SP00C<8).P=8<@85LB)\"!K\"`MH140$HD7$!.(U)`22):0$TA?(#+`[@`74\\nM\"*4,]&LZ0GE,MUG/LYYGW6;=8KTRIOM9[R(\"1+N(`7$_Z^](\\nM`>F/GWJ4]8[#.OE&^B&*4^CGK%^Q3@C1M+I\\'6][SSG\"U.[\\'ZY5^KVP@#6HO=\\nM%KMM)(#D$[O/OZW.?0-02P,$%``\"``@`?4*7&F4;5/H]`0``=`(```L```!M\\nM;VXU9C`P+F1G@\\',!$=U)[EQT$;;.+L!5IE\\\\+30JD`^_B;-Z\\'T_&[6SC8/RYB\\nM$\"DEH*$SXWZ21(=N]_5.X\\'QNBNCB&NF,)G&9\\'G0!\\'YY1X:D`F\"-SX\\'R=\"^\"BS25PV>8*N%KG\\nM&NB[X3JX4:$?W)0,\",HR@X):GB\\'!<)X1P6B9,<%X@0G!Y!E3/6[W:)&W8\"%+\\nMJ\\\\;<;!4U\\\\<:A?H4]%D=T6^E9I6>5;BO=4OK%B.Y5>ILA,MQFA(QZE?[.!)G\\\\\\nM^*F\\'E=YRE`[/4-]E?@+]1.F72@<#F%3OTU;_>6NPVAU;_?*OU4T&2:VAW(9R\\nMFXR1\\\\4?E/OVV^O`+4$L#!!0``@`(`\\'U\"EQI(@QBPD0$``/@\"```+````;6]N\\nM-34U-2YD9W.=T3UK4V$8QO\\'[_QQKQ*F^M%9KRY/3IGDAPI-P3,_B(%@4\\'!IH\\nM8E_6#(%\"H6/0K0K$%Q*_0K=\"AT:\\\\\\'-R:VZ%?(%,AG36Z&).O6&>[BF\\nM\\'Q=7=[H](TLO5M;E\\\\JRU(KYT;[9_`M*EW?O2,]7J[3&D)YOR9FGEN2T$OBT&\\nM8:,0EK:V\\\\G;1O7IK\"ZX8-!9+X2`6!S%TKE%R[D\\\\J!:X1A$[^O=W!1R(WQ//&\\nM+K.1*\\nM?I\\\\YPWR?E&$A1=HC8\\\\AZY&Z1[_.D3P6VA;4]*C\\'ETTBLMV:N]#/YP=<>W(;VN\\nM^K+JRZK75:^JOJ&Z9=9@$ZJ?,P?SYZ1@(:\\'Z!5G(=4?U9U1:VKUEVG_IK[WK\\nMZ\"\"MB8W:PN<@X;(\\\\FVHK*D+[N&>?D-G9T/2>[D3&:>U%O\\'(<+KS!LB0SLO=\\nM*Z/G&1OBIB_\\'Z=RNCB4].I[:KL5CR4HEJB?:BA^!\\nMI#B5E87E5[88^C8HOZ@\\'Q7!SLV#GW.*V+;J@5)\\\\+R[T8]&+9N7KHW)\\\\4EER]\\nM5\\';R[^WV/A*Y(YZ7N,I&QJ7`<_/%B%\"!BC!RQ*APK\\\\%]8:S!`^\\'A$8^$\\\\3TF\\nMA,=M)H4GPI1@TZ0\\\\_\"[3AIDN:<-LFHQ\\'UI#SR`]3Z/*L2Q6VA+5]JC&5KY%8\\nM;\\\\WR0ZG??J&ZDNJ+ZF^H?I;U=^I;IDRV*3J9TS#S!EIF$VJ?DX.\\\\IU!\\nM_275IG9OFM9?^AOO-OH)*?`/53]4_80,9#^J_NE_^NM(1@9V=P3F98GX\\\\\\nM\\\\\"\\\\/%4=D97DU+=5C699(2,J?BB^`E\"D^_U[W=3ZUM8ILT<:WI>_6_$Q\\\\;M*:\\nMGXU/RX?/GO-R(CXQS1;WRX!<.M(E(J0@)?A+=`F?=^D6>G;I%?I*]`L#^WP1\\nM!D\\\\8$H8M`@96G*!)J,*H0;C\"F,%XG(A)5(B93+0R66&J@@T[PL\\\\T=IY49U9U\\nMY[[I&2X\\\\Z`>JGZJ^2,#G57=HN\\\\-QZZO#6GV;5=VM=O6O_/\"@KZF^J;H0\\nM$*]ZM=KY^6VUNMA0_>M=U3<$(72L[K&Z-T0@>JKNV?^J$UG5ZZNOWU7M3?]3\\nMGWH&Y!W7-UC]0]JW&;6O@Z=D$7[O>P\\\\%K=7?BAZJ6F];\\\\+\\nM?P502P,$%``\"``@`?4*7&JA:;W6(`0``6@0```L```!M;VYF,&8P+F1G_[G!(1-\\\\KUZRK-:966D)!HW(1!A(A!-\\'&$=G)3=F.G4A)LNDJ4\\nM/X+8Y-H,=[T[LQJ,)G7Z/7ZT8CAXGCS+&>^ZFE./>B[JA^I/DG0YU5W\\nM:/N\\'XV9ER[C!K38<=UTF2!IO;EK=!747U$VK:ZN[6E\\'=0,@@?$T/1*[IA;X&\\nMH@:Q6_IAX*ZZ.J+55QG5W6I7\\'V?9@[ZD^A_5A:!XUJ\\'M)%&)\\'ZAY_5#V;4;VZ^N)+U=[TY^K9K/BK%G[^;F,GZN;4S:E[\\nMHNZ^NL<5[J<6GL+.Z<+]\\'A9>J;L+WU.]\\\\&G]9>%/4$L#!!0``@`(`\"-N5QD,\\nM6RBON0$``-@$```+````;6]N9C!F9BYD9W.=T[]K$V$8P/\\'G^UX4A8KQ=[4:\\nMWJ1)\\\\X,6SJ&E4`<1I3A(`T;2.\"FGH)N#8J:T<;\"\"0_,\\'-.T_X-;@(F*W#OX#\\nM;G4V#H[BX\\'EYKFDO5>&:][@;;K@/W_?>ISO6NB*W;MZM26]9:T4RTCW:^@U(\\nME];/SU\\\\2_@__./)+/LCM&W?L[/35Z<\\\\:^?/K\\\\B9UUW?J,Z\\\\HPZU5P-T02\\nMXCA\\'PC>CTI%\\'=!\"A#&4AV>:4<\\'J),\\\\+9)\\\\0T$H.I2.,>DSY5.!9\\\\)BC4J3\\\\LFZZL&UIWML\\'E*_3BH1\\nM5P_HRHG`;8AU%DU8;?Y;[:GK1=P7ZKY5UY(R?;>J;C7BOJ-H*\\'7^JEY6?=E\\\\\\nM95]_+->HF7W=4WU!]075/=4KJC^(Z\".D#9D=QB&[0PXF1L@;\"M\\\\H0NG[H)Y5\\nM?;NN>KCGH3Y\\'-89^3_6\\'D3\\\\>3^_M>?#Q[5YUZT#UIZ&JMTA#9E7=576WR$-A\\nM3=WU?U7/UU4?K/XX5\\'4\\\\?;=ZOB\\')@?EZ?^\"$;ZC;5+>I[H:Z;]1=\\'W:^[O?G\\nM*QECOJ)Z>,Y75&\\\\?6N_/UQ]02P,$%``\"``@`@T*7&F-_U2,#`0``;@(```L`\\nM``!M;VYF9C!F+F1GPBB:!![X\\'G@+.?#MQ/UEW2P?UQ6\\nM,-9:*:\\'.B/\\\\!J(/__GQIQKJC0]*3;G6X=V2WM[*;F>#F,C:7S^;UC[GI[;7J\\nMYH70*&\\nM1)ME2+99@=4P*4/ZE358?R/39:.+!U?B+(E7I]2J.5VA;WV\\'TS[T$Z=?.%W$\\nMU*_>H[W>YZV@VO]5_3A0=9,X)!K.;3BW20K2=\\\\Z]_ZNZ4\\'/ZS^J\\'@:K[T[^J\\nM\"Y]02P,$%``\"``@`@T*7&H-U),$)`0``;@(```L```!M;VYF9F8P+F1GI=VNM^W@RJ\\nM_5_5#WU5-XA#HN[%@WY85KU;V00U!00U!F\"%\"HJ%D-GFI6TI7\"S/\")=ZY15Z9;\\\\G@!?7IQ?HG_*#EP$6B@58P]4IRM?L7C-ZO3HYK9P@SLV:IN/\\nMECK=$\".ODCGD\\'NU4Y>:-PN2UG)(V68B(JFC8^4\\nM57\\\\ZJZ9/U&8GI20Z)\\\\&JL+09?S*R-_@\"+XP((2!$L.VBB]`=1`^A-X@^0O\\\\N\\nM!@CV\"`8)0W$X\",,#JX(Q8+R\"\"[[!%!+`P04``(`\"`\"#\\nM0I<:EHL*P8\\\\!``#X`@``\"P```&UO;CDY.3DN9&=SG=$]2YMA%,;Q\\\\[\\\\?7TIQ\\nM\\\\*6VMEJY\\\\VC,\"Q\\'NA/@8![<6NR5@P)0Z\"!E+H.`2*CR:ND@ZF#6TE\"Z\"7Z%#\\nMPL28,+[+A/!LETGA\\nM^1$OA*D#7@JOFDP+,\\\\*L8*-$//PV%#C[ZO>EGULNK[JG]4?4=URZS!;A,Q^!NJ;ZB^3R92V[U4.K\\\\[=\\'+JN=5SZM>5KVH^E://J+Z!7,P?T$4\\nM%D94OR(!R3_]^JKJIUV]<4>O>(_13XB`?ZCZH>HGQ\"#^7?4?]^EKH8SV]>[(\\nMF%\\\\]OQ^K7E.]IOJQZG75OSVV]Z__>[\\\\!4$L#!!0``@`(`(-\"EQIC=KSICP$`\\nM`/@\"```+````;6]N.3DU-2YD9W.=T;]+6V$4QO\\'S?:_:4AQL[0];J[RY&O.#\\nM%-Z$Z_4N;BVZ)=`4(SH(V5H\"!9=0X6KJ4M+!K-)2N@C^\"QT*;@[](W0VI7.F\\nMQN1T,\"FZ>.`,#V?X<\\'C:TZT9>?7R];KTQUHKXDM[K/47D#:MSJ^.>7-X;Q3I\\nMR%O)![XM!%$]\\'X6U6LXNN=4/-N\\\\*07TIC\\'(V[,?(N7KH7.^XV$MAX.I!Y.2&\\nM^=C;6&1$/&^TGXU,28Y%\\\\].(4(*2,\\'\\'$?>\\'!+I/\"PUT>\"8^/>\"),?>*I\\\\.R0\\nM:>&Y,\"O8)`D/O\\\\N<8;Y+TK\"0).61-F0\\\\LG?)=7G1I0SOA4J35;VJ^K[J[U3?4=TR:[#;)`S^FNIKJF^3,J0K9`S9S6&]2\\'F/\\nMTIU8]LPY5WHL3?X,Z%75BZH75:^J7E9]:T`?5_V,.9@_(PD+XZI?D(\\'L[V%]\\nM6?73OM[Z3Z]YM]%/2(!_H/J!ZB>D(/U5]6_7Z2NQ3`SU[BB8\\'P._\\'ZO>4+VA\\nM^K\\'J3=6_W+;WS_]ZOP102P,$%``\"``@`@T*7&I?T>V2U`0``V`0```L```!M\\nM;VXY,&8P+F1G?[7A4E&`%_(6AS+87^\"!(<#(TP&`(A#H8F\\nMGM%ND,+NV*E0390%N=6$NHMA@H%!`QL#_X`;L%(&1B?/ZW-&KF+BV?A>;KCE\\nM/OF^[_/6^]R[,C7YM\"B-9=NV2%+J%]WO@-1QO^U_C9VZ[9>1(8[D\\\\<03.__@\\nM_JC\\\\I_7*?RLB,;&L\"XUO(SV2YZ\\'Y;$0H0$\\'H7*=+Z%[DFG!]D1O\"S75N\"3UO\\nMN\"WT?J1/N\"/$!7N8A$72H]^0\\\\A@P#`Z3MLAX9`VY-H8\\\\[GDX\\\\%)XL8)3I=`6\\nMUL77MV2>+<[TVCF]IOIKU=^K;A,WV\"/G]!\\'5A:Q%[E*S7L19HG\"UK+K__-)+\\nM;$;0@_8UU1\\\\1CT75?=JYXKL563*\\'G.WY@HQ3#.UY2=T9=6?4+:GKJ#L;JNX@\\nM84@>T`^I`P9@L(.T(7-,%G(GS=4IK=XKJQY4!_H8SR/HSU2?\"YUX-+U1[?]\\\\\\nMKU\\'M_E:]TU+U+@E(KJJ[JNXN:-&S?\\\\SKR=U^)YL5B<+=W=C=+W?65ZI]&L]DL.)55\\nM.>]ZWOW\\'4BK5N;^7F_FE)5E8*57U>Y3:F2Y7W?)#M]-32@$UH`N&<23^IT`_\\nMKG%*?!0`+=(\">QKL!4^L\\\\R1X:IU]X.D&SX#]3W@6/-?@`\\'@>\\'`1EBDF#IN*0\\nMX+#BB&`JQ;3!C.*HX%B\"XXH7%6WR`7C[.>TZK40-OMCAGE[#,W[?IR]J/:_U\\nMO-87M6YKO:AUR4%!VO\"7\\nMOFH<1@^9),T-K6]H/62:S+S2^NM_Z;D:>@YL/LM)\\\\6\\'?W[>T7M=Z7>M;6G^J\\nM]Z-A(W$KZ\"`PD;)FY,;.AFTB_`9\"VW)+3JQ)WR?R+Q16Y.&NMB\"^=FZU?@\\'1HG7\\\\[-[<30PGD\\'6.\\\\G5]\\\\;@/GV[G0U8,P\\nM7%\\\\OV-\"]>F^?N*!8#TOE7@QZL>Q3<92H57;U8=O+O;?<^$KDAGI>XR$;&\\nMIT839-QB-KR\\'GD;U\\'H\\\\KA+%3:$Y1VJ,97C2*RW;*[TK_*#DSX]5KVF>DWU\\nM6/4-U1M]>IN4P5]2?4GU-AE#=HN<(;\\\\]J-=43T;2--^YTB/9Y+1/7U-]0?4%\\nMU==4?Z/ZJNJ6*8--JG[&-,R_C&1X8\\'=\\'8+[T=3]0/58]5OU`]1W5/UUW]X]_=O\\\\-\\nM4$L#!!0``@`(`(-\"EQH`UO.#U@$``&`$```+````;6]N-69F9BYD9W.=TD]/\\nM$T$8!O#WF:U\"#,;Z!T309KJT]$]*,FTV:PT>.$CTUB:N::LF8A9.A,2$RP:2\\nM0FF\"WNC5A(+?P88KO7\\'P\"WB#,_4#>\\'+=OJNR)9ILGK0,CH@0ADH\\nM$Z)MW\"3\\\\(U1JL;91O.*Q[^X]NXW,(?9?U?=87$(N$U3W:NNZY\\nM=9):5?BIA>=^HDV\\\\$A=NDUV;79O=)KNK[&X&4J\\\\C+J!7V*VPNXZ40+J*C$#V\\nM]6#J$J<>J=.V.,.%OD*/40OH-NLEUDNLVZQ;K\"\\\\%]#\\'63S$#)$Z1!&;\\'6#]\\'\\nM!LA^&]03K)\\\\XK/M_[NOSJ(307[#^EG5\"C,+J_3_W\\'C_IIVY=2GW\\\\7ZF[B`/Z\\nM\\'KM[[\\':1`M+[[![\\\\+?73.D4\\'>GYTJ6F\\'K#=8;[!^R/H\\'U@\\\\\"J8?J^4M8#>YY\\nM-$3/@[K?\\\\_>LMX?6?_?\\\\)U!+`P04``(`\"`\"#0I<:MY=-LST!``!T`@``\"P``\\nM`&UO;C5F-3`N9&=SG<^]2H)A&,;Q^__8!X1#WUE6/)KYA<&KR(M18U&;0H9*\\nM084TA1#8(`DB>0!Z`!&=26X.G4\";S=D!-&7Z-&12$%UP#]=R_[@Z[L:*[.X<\\nMY*0?K;6(5SICC7=`.C3>\\'J]4ZF1B!/\\'P)%\\';JV.)S5(L:A<*$3T4V]J_U@G+\\nM*MF6%?EL=MPJQ1.6_)*;WE5$.[+*,=KO2EQR+V6.E`@I2`F3-::$Z3PSPFR>\\nM.6&^QH+@NF!16\"KC%I8UJPI=Q*/P9EA3^#*L*_Q%`HI@EI`B?$RDRT:7-%P*\\nMV23I*JGQBE35,U_ZN6R3&]#S1D\\\\:/6GTO-\\'31C\\\\=T)U&;[,&OC;KX\\'<:_840\\nMA%^_ZSZCMTI&%\\\\>7OD7F#_JAT<^,+JS*7_4>G>X];_57-X96/_QK=1,/>.O&\\nMK1NW20\"\"M\\\\:]^VGUW@=02P,$%``\"``@`@T*7&N=G+_+4`0``8`0```L```!M\\nM;VXU9CDP+F1G93:N(Q:AMM5K#9(WF#RE,9%D7VD,/+>TM\\nM`;*UWKST`]ASTT_@*>FFW=MW4B%M3/,\\nMX9W#_\\'B&IS7N3=#+%W-5ZBPI)9%.K;O>+P#4@G?Q;3GF+?7U@B[H+14,7B&]=$_-:(8:=J=\\nMX&:4CFD5QR!\"\"2@1XDT,$H:V,$RXOX4\\'A(=-C!!&&WA$&-O\\'..&Q1$)`*B0U\\nMZ&U,\"J3:F!*85DAKR!\"R&G*]R+?QI`T;>$^H5&%OHS3@LN[OO[J#+Q\\'T3ZP?\\nML/X[Y;(ZE51)!:^.YGVL2\"N\\'(;[#KL.NPVV\\'W\\'[F8H]0:2`GJ9\\nMW3*[&T@+9\"K(\"N06NU,7.75/C;;%=USI:_0,U9#NL%YDOGYRK6E\\'K-=9K[-^Q/HN\\nMZX>AU+?J^3SL.O<\\\\\\'J\\'G83WH^0[KS5OK?WK^&U!+`P04``(`\"`\"#0I<:EZ-D\\nM=M4```!^`0``\"P```&UO;C5F9C`N9&=SK1I=R&J(AFOS2KZ56\\\\8%W>*=?\\nM5DIW==:YO-(T:ZU45K:4C@%EI-]O,1\\\\WRP95>-=Y^\\\\(VZZU&K=YH:@X]3!9+\\nM\"PJ\"Q>DW*JK\\'G?DR$A%$(C]D1:SV61/K?3;$YI\"\"*#ZR);9?*(D=L2=LR\\'Y`\\nMV7%@.\\'2$AJ.02L\"QX\\\\1PFJ/JJ#FZ<\"]Z`[H)42Y6_I]^S:WY_*./O)YX/?\\'Z\\nMR.M/7G^=57_^U7\\\\`4$L#!!0``@`(`(-\"EQIE@\"X-042\\'XM;0\";39&+PGX!\"9/DMF35UP#_?TL]V=#PKME4Z\"H>A;>(3^$O$E`$JX04X1(11?2F.HOX[I9:-GC9XU>MGH1T8_\\'=.=1N_A`W^/``2=1G\\\\G\\nM`E\\'[I[YC].>1WIG0#QW_T;MXP-LV>MOH74(0?C#ZXU_Z_A=02P,$%``\"``@`\\nM@T*7&A_L\\\\771`0``4@,```L```!M;VYF.69F+F1G]4PU(\\nM%_&[6BTWT^:C11>\"7;@0I%9\"H26C\\'6@C+F:(TS8XC1(CTDTZV8BX:38*`>D_\\nML)5LWG;O.1>>>TZ[OWX9=\\\\:G\\\\XA*2@F8\\nM:!^O_R&)-NL_/]TSU*\\\\3/<1O?,#$V)2\\\\,7IM%$=4]VF\"N+[:R\\']&!^^RC<::\\nMZ&`K)>/3VSDVV;Z[9730A,\"X6WXDQ_QGGM1_#\\'2^O>26=`X\"VW-]F2U[7M2X\\nM%73GVWDIFCN.,U5\\\\N!ME$`26ZWN[C3`,)XOS\"Y6=1JO5FG\\'+BS+O^?[CYU(J\\nMU7V_EUNYN3DYLU\"LZ/\\\\HM3E1JGBEIUZWIY0\"JD`/#.-8M*=`\\'V99$#\\\\$0(NT\\nMP/@Z3X*GEGD:/+/,L^\"Y=9X\\'^U[P`GAQC?W@)7``E$DF#)J*@X)#BDG!5))I\\nM@QG%8<&1&*\\\\H7E6TR2?@[&O:-5JQ*@*QR3V]BE?\\\\MD\\\\O:#VG]9S6\"UJWM>YH\\nM77)`4/8R(6AN<)`LK6@^9)C-OM;[Z/SU;1?S`Y1_0$=_W[=[4>DWK-:TWM?Y2Z^\\\\/>_DWWUE\\nM,G5HUT;C1L*_X&#\"IL;-R0W<2/H/,%\\'+@816G3C)&9[IDR=/=ZH]+2O+:V_D\\nMXJRU(KYT;[?/`>G2/OMQ9F*Q.S\\'D+M_E][%K\\nM\\\\RXHU!:+I7X,^K\\'D7*WHW%4J%ERM4\\'+R[^WW/Q2Y)9X7N\\\\A&)B7\\'@OEB1\"A#\\nM61@]X)YPO\\\\X#8:S.0V\\'\\\\@`EA\\\\AV/A,<=IH0GPHQ@DR0\\\\_!ZSAKD>2<-\\\\DI1\\'\\nMVI#QR(Z0Z_&T1P5VA(TFE8CRUU\"LMV&N]6_RFY\\\\#>J1Z5?6JZI\\'J.ZK7!_0.\\nM\"8._KOJZZAU2AO0>&4-V?UBOJAX/I6%.N-9#>3P8&NC<:-A*_`\\nM8,*FB1L3&[J1]`LP6+JV\\\\L+-%W\\\\ZYA7HP%VQMY6S1O7IG9UV0KQ<+I7X,\\nM^K\\'D7+W@W+]4R+MZON3DZK7Z\\'XK<$,^+G6XU^\"^\\nM\\\\*#!0^\\'1+H^%T8\\\\\\\\$<8ZC`L3PJ1@DR0\\\\_!Y3AND>2<-,DI1\\'VI#QR-XBU^-9\\nMCPK4A+5M*A\\'E[Z%8;\\\\UJ1Z5?6JZI\\'J-=4;`WJ\\'A,%?57U5]0XI\\nM0_H#&4.V-:Q758^\\'TC2_N-!#><_1@+ZI^K+JRZIOJOY&]0W5+9,&&U?]F\"F8\\nM/B8),W\\'53\\\\A`MCNL/Z?2U.Y-T[ZDO_:NHQ^0`\\']\\']1W5#TA!^HOJ7_^GOPQE\\nM9&AW1V#V![KOJ1ZI\\'JF^I_JVZI^ON_NGO[N?`5!+`P04``(`\"`\"#0I<:O,&7\\nMXI(!``#X`@``\"P```&UO;C`U-68N9&=SG=$]3U-A&,;Q^_\\\\<2XT3\"BJ*D*<\\'\\nM2E]2DX=#+65@,)%@XD`3RHLN#AV82!@;(:<]#,;@0-=&PD;\"5W`P89.$S/BY,*\\\\\\nMC]V+(1])LCRW^-(&D[Z=FG\\'58&9J?3UGI]WK#W;2!?GJ=*\\'8B4$G%IVK%IS[\\nMFPIY5\\\\T7G?Q_VYT/1>Z(Y\\\\6NLI$AR?\\'\"?#,BE*`D]!]P7WA08T`8K/%0>\\'3`\\nM8V\\'H$T^$ITV&A6?\"J&\"3)#S\\\\-F.&\\\\39)PT22E$?:D/\\'(WB77YGF;,FP(JSN4\\nM(TK?0[\\'>JKG6C^6,\\'UUZI\\'I%]8KJD>H;JM>Z]\"8)@[^B^HKJ35*&]!890W:[\\nM5Z^H\\'@^E;GYQK8>RR<\\\\N?4WU!=475%]3?4GU=ZI;1@TVKOHI8S!^VEF*B;CJ\\nMYV0@V^K59RG7M7O=-/[1WWBWT8](@+^K^J[J1Z0@O:?Z_DWZ?\"C]/;L[`O.U\\nMJ_NAZI\\'JD>J\\'JN^H_N6VNW_^L_MO4$L#!!0``@`(`\\'U\"EQK?YO^,S0$``\\'($\\nM```+````;6]N9C5F8BYD9W.ETSUH4V$4QO\\'S?V\\\\T`8?&[VJUW*1-\\\\T&+5<\\'-\\nM37%PR(5&DU872:6(HL7:J27);19Q:=:@;=T*70W.W2JX.;E5Q4\\'(XB((@C$Y\\nM(\\'EO;Q?K@7=XIQ_/X3GMH<9YN7YM:EIZX[JN2%+:AQN_`6G3^/G^:>37CR,Q\\nMY+NTQ)NZH\\\\7[WI,\\'CY^Y5RY?O\"3_-2O=5Q&)B.,%$U5.\"J,<+;)D\\'!.&!;<%`F\\'9(<1PVB\\'E&$L1=HA\\nM8\\\\@ZY&*,=YCH4(!YH52CX./MV+IT]9;,TJ*OKX7T-=7KENXR;\\'`G0_JDZK*?\\nM/DVAAC=0$=G2O_DX^\\\\\\\\\\'2_9#NJSZO>M7:?#.D-U5?5GTEJ)=U\\\\UV]9C[1URO=\\nM[!\\\\M?4[UO.IYU>=4OZ7ZC)4]JOHN(S\"Z2PK&HJI_(PNY=E\"_JMEW>GICCW[3\\nM.8B^30*2JZJOJKY-&C*O5%_?3[]1D7B@\\\\S&^4+2R;ZGNJ^ZKOJ7Z\"]5?\\'K3S\\nM_M_.QP.=?RMEWEB=WPCI&];%K5OZ/W5^1O6!/U!+`P04``(`\"`\"#0I<:S,3\"\\nM]7$\"``!J!@``\"P```&UO;F8U9F,N9&=SI=--2%11\\'`7P_[GOJ5&\"]FU9\\\\F;4\\nM^:+(2-IH8312NWG@D&.V**;HNP1K98R.0F5$3E\"+@73:Q2R2(HDVHKD)C$B7\\nMX<*6E5&;A!;1-)Z2N<]7\"^W\"W=S-CW,X=ZXRM5V:PRUMLG`LRQ+QREQQZB<`\\nMF4/J^^MSQ3_FUY1\"YN6%V\"V[CIRXL\"&+C8)-,]@LJ\\'B*+8*M[U`IV\":H$EA-\\nM\\\\)CPYE!MH\":\\'6@.^)OA-!!2\")D*KL2.\\'G3E$@0Y![#ZB2=B1A(A#/XP/&-/T\\nM:>H9ZAGJT]0?47^KZ6&7\\'OZW?K>@CQL%O1Z3&%V1;E(?HSY&W:0^@:\"!T*13\\nMO[VHVV;C\\'UWE]3.PU1-5T$>I]U/OISY*_1[UQYK>#H\\\\!;P/U!NKM\\\\!L([*=^\\nMP*FGJ=_(9S=%TQO1K*8T/4N]FWHW]2SUZ]2SFNZCGF]>L7D%GX]Z#D&%4(E3\\nMOT.]1-<7FA^1DQC1FA]TZ8/4^ZBGJ5NH4K#J7\\'H==6\\'V54Z]#=$>V&4)L8R8\\nM*F1_*%UHU[+W48]3CU/OHWZ>>I>F=\\\\*CX&VEWDJ]$WZ%0(S9CSGU\"/62I?J4\\nM?,-734^Z]\"3U#NK=6O-IEYZF?HUZKU,_O=A\\\\CWJ/@IZ06_BBZ7\\'J$>H1ZG\\'J\\nM4>K\\'M>REU&=1#=3,HA;PE5+_A\"`0^NS4]S\\'[JP4]M42_:*Q$\\'X<\\'\\\\`Y0\\'Z`^\\nM#C\\\\0>$!]Z&_ZH824.S8?QD\\'U1LL^3#U)/4E]F\\'J_Z\\\\;+\\'9M_+G$\\\\\\nMTS:?<>D9ZC>I#VGZLC9_E\\'K9+U!+`P04``(`\"`\"$0I<:/*-PX7$\"``!J!@``\\nM\"P```&UO;F8U9F0N9&=SI=--2%11\\'`7P_[GOJ5&\"]FU9\\\\F;4^:+(*(+0PFBD\\nM=O/`(<>F13%%WR58*V-T%\"HCF2U-_P0@LTA_?W6F],>W\\nM%>40$\\\\_$;MUVZ-BYRR?LBZ:\\'G;IX7_KMXOZN%\\'4=V(\"HTO23>ICU,>HF]1?(&@@-.\\'4;\\\\[KMMGT1U<%\\nM_11L]4@5]5\\'J_=3[J8]2OT/]H:;\\'X3\\'@;:3>2#T.OX\\'`7NK[G\\'J&^K5\"=E,T\\nMO0DM:E+3<]2[J7=3SU&_2CVGZ3[JA>85FU?P^:CG$50(E3GU6]3+=\\'VN^1$Y\\nMCA&M^4&7/DB]CWJ&NH4:!:O!I3=0%V9?YM3;$>V!79$4RXBI8O;[TH6XEKV/\\nM>H)Z@GH?];/4NS2]$QX%;QOU-NJ=\\\\\"L$8LQ^Q*E\\'J)LJEIZAW\\nM4._6FL^X]`SU*]1[G?K)^>9[U#L4]:3^A]E?SNGI!?IY8RGZ.#R`=X#Z`/5Q^(\\'`/>I#?],/\\nM)*72L?DP]JO76O9AZBGJ*>K#U/M=/VY1FT_/-U_IV/Q32>\")MOFL2\\\\]2OTY]\\nM2-,7M?G#U\"M^`5!+`P04``(`\"`\"$0I<:NZ!AP_4```!^`0``\"P```&UO;C4P\\nM,#$N9&=SECR,Z7VCMXW>-GK?\\nMZ\\'=&?QW3;:-WC=XUNFWT9UR+4N^O?C/2OP!02P,$%``\"``@`A$*7&LF*LRBV\\nM``````$```L```!M;VXU9F8Q+F1G+\"0Q&10%%S\"\\\\JM@02\\nM2C#A`\"7I9HT==/(*C(3!1$]03]#18W``!]-;F\\'1B8Z*4<`1>\\\\H;WLF;=,68XS45G88KP%EQ*M?L7PO%_\\',$=YP/)AY@^\\'(.*/\\'8.YJ3[X*/Z22;*NT\\nM.PT%_+-`(H10\\'*>UE+IH_\\'`A+O]HBBMQ+8S/C4T[Y];B+N?>\\nMHN/S8.,FXRWW>I]Q6>(GW8]-IA\".$`\"(H/RR&@$]S2SC(\"([?Y*[:&$O8G8KF8)/=%_[6XEKTX=SPF[A.^P\\nM,.;EED7,_R*%N5&9_&[+RYJLE\",]7\\\\1S4H;%6U7=5_)6N\\'===S+S^2H*I532\\nM\\\\^55$03!Q\\\\SB4OZR*!:+*2^W(M+2]U[0^&L_F\\nM979=5CNM-?`5RCJB71=Z6FB%Q!NF+8!),@D^F6<#V)A@$_@TP6;PV3Q;P%:\\'\\nMS\\\\$7+MO`=L$.BZ*>G18CA^PBNP_90T;KV6NQ[P]?D?U_.:`YJ.F0:^\"G;CJ*\\nMR?U-0X=]37_-5`WT&4/W#!WL0*WT\"MJI?+X?6A=N6/^\\\\DW7`3C*R;;C;AANP\\nME^S[9K@[MUG\\'-PW]?^L?=[*NC7YA\\'3\\\\\\'4$L#!!0``@`(`(1\"EQJ;Q^#@KP``\\nM```!```+````;6]N,&8P9BYD9W.MC3U.PG``1W\\\\O_&5QJ(H?Q?KQMX`(*8F+\\nMQIG`PQ`YRA&XFC\"0F]@3U).T]6!FX0WL`PT\"I\\\\0J^Y\"UO>8677FLZ>9OK\\nM%VNMY*MHICM`!>G/2CC.(=)&`;/QJWUY>GS6/Y\\'4?BILY*9Q\\\\%=_I1`E.WY8E;T;\\'^:#(*&IAA8%1NWG@\\nMD&.Z,*;HNP1K9EF;03M4U@BW(9+FQI&051T]K2B\"U\\nMF!6[8=?QDQ>OG;:OG+M\\\\U=JW9_=^^:_3E;MQL8O$-(I^OY1)%!\\\\P`1\\'8@\"UP\\nM3V.M8-T`U@LV#&\"C8-,T-@O*GF&+8.L[E`NV\"2H$5AT\\\\)KQ95!JHRL)GH+H.\\nM?A,!A:\")T&KLR&)G%A&@31\"]CT@2=C@NXM\"/819CFCY%/4,]0WV*^F/J;S2]\\nMOD\"O_[M^-Z^/&WE]+R8QNB+=I#Y&?8RZ2?TE@@9\"DT[]SJ)NFP?^Z\"JGGX6M\\nMAE1>\\'Z7>0[V\\'^BCU>]2?:\\'HS/`:\\\\M=1KJ3?#;R!PB/IAIYZF?C.7W11-CR*F\\nM?FCZ(/4$]03U0>HWJ#_5=!_U7/.*S2M4^ZAG$50(N9;[=Y>N+S0_(J^FGJ9NH4+!JBG0:Z@+LZ]RZDV(=,(NC8ME1%4^^R/I0+.6O9MZC\\'J,\\nM>C?U\"]0[-+T=\\'@5O(_5&ZNWP*P2BS-[BU,/474OUM_(-7S0]6:`GJ;=13VC-\\nMIPOT-/7KU+N<^IG%YCO5>^3UN-S&9TV/40]3#U./48]0;]6REU\"?0250-0,?\\nM4%U\"_2.\"0.B34S_([*\\\\6]-02_9*Q$GT<\\'L#;2[V7^CC\\\\0.`A]?[E]*-Q<3LV\\nMWX)6]57+/DP]23U)?9CZ+>I#*]W\\\\@\\\\7FW8[-OY`8GFN;SQ3H&4WOU_1_VOP)\\nMZJ6_`%!+`P04``(`\"`\"$0I<:3<,F7G0!``#X`@``\"P```&UO;F8U9F$N9&=S\\nMI=$[2YMQ&(;Q^_J_M7$0:EN/]<\";:,P!18M0NG2K.#CD!=,:;9>2%A%%!742\\nM7HU9W,Q:\\\\-#O4.GBXN;@%W#34<@LB$/3^#B8E\"[:&Y[E67[#5>XJ]6CL_>2T\\nM;N?[OA13^6GI-Z`RI>O3:W=SU=2`;G2D8\\'+XXY>%M6_!TMSBJO]F]/5;_=>V\\nMJA=*3^1Y#7>?#AWJ*X=(!!\"(YCV>BQ<;O!0M&[2*MCW:14>13O\\'J.UVBVZ?7\\nMX8\\\\0]8A5Z\\'/T5X@[!D9(>\"1%RB/=R&\"%H0I96!:Y:;*;!,]\"^5[.W>FNJO_0\\nM.I_%(YD@YTI_K]8SID5\";[H)[\\nM/:SJ9S7ZK.D9TS.FSYK^P?29&CUB^CE]T\\'].\\'`8BIE^2@G2Y7G]G^LFM7OI+\\nMG_`>HQ\\\\3A=B.Z3NF\\'Y.`Y*[I^__2QT,UUW7_I3P_:[H?F%XPO6#Z@>G;IN^;\\nM+GKUP.XS9`O5[G\\\\`4$L#!!0``@`(`(1\"EQH;ZU\"CM`(``&((```+````;6]N\\nM,3`Q-\"YD9W.UTT](TV$?34+(RLJRY.?7<[.R\\\\W)\\nMA:S(2SE[L[NG,VA45CF,8U75MRJK3P:#1K#S1D=/9Y=L80TF=Y_T:Y]ARUH]\\nM:Y*?/(_@IR8\"\\'^`3Y`:P6[#\\'B[V\"/\"_V\"?8\\'<$\"0WXB#@D-M*!`<-E\"HP0)\\'$V@$0@+_*33VPS=KU7OQ4=\\';+7H[\\nM]8O46Q3=;M\\'MU)>IQS>E7Y5:-&]_NS.E&S:_EM:?)-M;%7V(>H!Z@/H0]>O4\\nM>Q6]FWH3BC4XF^#2X.ZF[D>9!L\\\\EL^ZE;E^OS\\\\MO_%+T`8L^0#U$/4Q=4\"@P\\nM(A8]0OTV]4&SWH[&@0SZ6_F\"#]NO!S+KH]*&XXH>MNAAZAW4NY3)ARQZ2)E\\\\\\nMBUD_EYJ\\\\Z&)+ZWX$M#^*/D4]3#U,?8KZ\\'>K/E\\'87BFQP)*@GJ+M08D-I@KK=\\nMK#].M9OU6C1H\\\\XH>M>A118\\\\JNMNBNS?6\\'V36RW%\"BRGZA$6?H\\'Z/>F03[1K*\\nM;/!DF_41ZK/K=1U?X5?T28L^^3_T?JLN27U:KF`::7W,HH]1\\'U+TM5=78=$K\\nMJ$LFO9FO;E>?^/1:I?T:?-ISI3U&?9CZ,/48]4?4GRKMK=1K4&R#LP8N&]RM\\nMU$]3/V/6(VR_FVS/>J6T5V$.,:5]@?HX]7\\'J\"]0GJ;]7=!U%.APSU&>HZRC1\\nM4?J&^IQ9OT_=NZJ+GM;/8QDS6]+KJ2>H)ZC74T_>NP[/3K/^,*7[3+H?W_!:\\nMT1>I1ZE\\'J2]2?T\\']DZ+76?2ZC?6U_^[]!U!+`P04``(`\"`\"$0I<:?JEO\\\\[,\"\\nM``!B\"```\"P```&UO;C$P,34N9&=SM=--2%11&,;Q][GWVD@,9!^69S$[-\\\\>9`W\\'BC9R^WMW3$38KJUUFU;\\'C-ZHJ*L-A,]QQK;VGHTLV\\nML093NT_ZM4_0LY;/FN2ESB/XH8G`#_@%.2\\'L%.SR8;=@CP^Y@KTA[!/D!;!?\\nM<*`5^8*#)@HTF$X4:G`MH@@H7H0;\\\\#A1HJ\\'T&\\\\H`[W>4)W$XB0#0*0B>0*`?\\nM_E=VO1HAZB\\'J`]1OTJ]5]&[J3>B2$-Q(]P:/-W4@RC3X+U@U7W4\\':OU.?F%GXH^\\nM8-,\\'J\\'=2CU`7%`C,49L^2OTF]4&KWH;`P!KZ:_F,]UNOA];6H]**(XH>L>D1\\nMZNW4NY3)=]KT3F7RS5;]3\\'KR8HB>T8,(:;\\\\5?8IZA\\'J$^A3U6]2?*.UN%.IP\\nM):DGJ;M1HJ,T2=UAU1^FVZUZ+1JT.46/V?28HL<4W6/3/>OK]];6RU&MQ15]\\nMPJ9/4+]#?70#[1K*=\\'BSK?H(]5>K=0-?$%3T29L^^3_T?KLN*7U:+F$:&7W,\\nMIH]1\\'U+TE5=78=,KJ,M:>A-?W8X^\\\\1NU2OL5^+6G2GN<^C#U8>IQZ@^H/U;:\\nM6ZC7H$A\\'<0W<.CPMU$]2/V751]E^.]6>]5QI/XI9Q)7V>>KCU,>ISU.?I/Y.\\nMT0T4&G#-4)^A;J#$0.E+ZK-6_2YUW[(N1D8_BR7,;$JOIYZDGJ1>3SUU[P:\\\\\\nMVZWZ_;3NM^A!?,4+15^@\\'J,>H[Y`_1GUCXI>9]/KUM=7_KOO\\'U!+`P04``(`\\nM\"`\"$0I<:-$\\'^+;0\"``!B\"```\"P```&UO;C$P,38N9&=SM=-/2--A\\',?Q[^?Y\\nM_6P20O;/+$M^F]O48:!64FAAI-1M@Q9.[2\"M,(FUH0:!X?P#E1*QH`X[B%U$\\nM=B@+O`ZKBV&\\'M)/AP8(.UJ(N$9WZ-;\\\\R]OQ\\\\)HCD`\\\\_A.;UX?Y_G297$CE!S\\nMT\\\\566EV&81`Y*+4C]A<`I1#[\\\\^Y*?E%A02\\'(CD4Z=ZNG-QPR:NH<1NW)4[=K\\nM:^I\"(2,4OMG5&^ZF+:RA].ZG`?$)6M[J65!Q^CR*\\'X((/L!\\'*`QB-V&/%WL)\\nM^[S83R@*X@\"AV(^#A$,=*\"$<-E`J8!3`+N!81AG@7(8+@7*#B&RH!SW=4\\nMF3AJP@]$\"(\\'3\\\\`_`-ZOJ?5B4]$Y%[V3]$NMMDFY3=!OK*ZRG-J5?HP:T;G^[\\nM,Z,;6D!D]:?I]G9)\\'V8]R\\'J0]6\\'6;[#>)^D]K+>@3,#9`I>`NX?U`\"H%/)>M\\nMNI=UVWI]GG[AIZ0/*OH@ZQ\\'6HZP32@E&7-\\'CK-]A?/*M^BCKL^MU\\'5\\\\0D/1)19_\\\\\\'_J`\\nMJE-:GZ:KF$96\\'U/T,=:\\')7WMU54K>C7KE$MOY5>WJY]\\\\>H/4?AT^\\\\4)J3[(^\\nMPOH(ZTG6\\'[/^3&IO9[T>91J<]7!I<+>S?H;ULU8]SNWWTNUYKZ3VXYA#4FI?\\nM8\\'V<]7\\'6%UB?9/V]I.NPZW#,L#[#NHYR\\'15O6)^SZ@]8]Z[JI&?U\"UC!S);T\\nM)M9-UDW6FUA/W[L.STZK_BBC^RQZ`%_Q6M*76$^PGF!]B?67K\\'^4]$9%;]Q8\\nM7_OOWG]02P,$%``\"``@`A$*7&BM\"-%ZS`@``8@@```L```!M;VXQ,#$W+F1G\\nM<[733TC381S\\'\\\\>_GMY]-0LC^:EGR<[JIP\\\\`TB=#\"2*G;!BVP3X/]@L.!%`@*/3AH.!0!XH$APT4:S#R4*+!L8Q2H&P9\\nM3L\"5AW(-%=]0\";B_HRJ)HTGX@)#`?PJ^07CGK\\'H_/BAZIT7OI\\'Z1>INBVRVZ\\nMG?H*]<2F]*O2@-;M;R]+ZX;-KV7T)ZGV=D4?H1Z@\\'J`^0OTZ]7Y%[Z7>@E(-\\nM92UP:G#U4O>C4H/[DEGW4+>OUQ?D%WXJ^I!%\\'Z(>HAZF+B@6&%&+\\'J5^F_JP\\nM6>^$;RB+_D8^X_WVZX\\'L>D0Z4*OH88L>IMY%O4>9?,BBAY3)MYGU<^G)BRZV\\nMC.Y\\'0/NMZ-/4P]3#U*>IWZ\\'^3&EWHL0&1Y)ZDKH3Y394)*G;S?KC=+M9;T\"S\\nMMJ#H,8L>4_28HKLLNFMC_4%VO0IU6ES1)RWZ)/5[U*.;:-=0:8,[UZR/49];\\nMK^OX`K^B3UGTJ?^A#UIU2>DS<@4SR.CC%GV<^HBBK[VZ:HM>35VRZ:U\\\\=;L&\\nMQ*LW*.W7X-6>*^UQZJ/41ZG\\'J3^B_E1I;Z=>CU(;RNKAM,\\'53OTT]3-F/4Y\\\\WZ_>I\\nM>U9UT3/Z>:Q@=DMZ$_4D]23U)NJI>]?AWFG6\\'Z9UKTGWXRM>*?H2]1CU&/4E\\nMZB^H?U3T1HO>N+&^]M\\\\]_P!02P,$%``\"``@`A$*7&DPF_;VR`@``8@@```L`\\nM``!M;VXQ,#(P+F1G<[733TC381S\\'\\\\>_GMY]-0LC^6)8E/Z>;.@R&%AZT,%+J\\nMMD$+IW:05IC$U4>+\"@@[6H2T2G\\nMUOS(V//S-T$D\\'W@.S^G%^_L\\\\3[(D>DQ:FB^TR=HR#$/$(7\\nM\\\\XW\"@D)(+XIP]F9??T_(J/4XC+IZSZW:^OI0R`CUW.CN[^F5;:R1]!Z4(>T3\\nM;\\'EK9TV*T^=Q_-!$X`-\\\\@L(@]@KV>;%?<,\"+(L\\'!(`X)BOTX+#C2B1+!40.E\\nM&HP\"E&EPK*``I^(\"P(G()_\"+YYJSZ`#XK>\\nM9=&[J%^DWJ[H=HMNI[Y*/;DE_:HTHFWGVRLRNF$+:%G]2;J]0]%\\'J0>I!ZF/\\nM4K].?4#1^ZBWHEQ#12N<&EQ]U`.HUN\"^9-:]U.T;]47YA9^*/FS1AZF\\'J4>H\\nM\"TH%1LRBQZC?ICYBUKO@\\'\\\\ZAOY\\'/>+_S>C\"W\\'I5.U\"EZQ*)\\'J\\'=3[U4F\\'[;H\\nM867R[6;]7&;RHHLMJP<0U\\'XK^@SU\"/4(]1GJ=Z@_4]J=*+/!D:*>HNY$I0U5\\nM*>IVL_XXTV[6&]&B+2IZW*+\\'%3VNZ\"Z+[MI]U)I/X$%))3V)>J3U\">I+U&?IOY.T764Z7#,49^C\\nMKJ-21]5KZ@MF_3YU[YHN>E8_CU7,;4MOIIZBGJ+>3#U][SKI[Y,_07UCXK>9-&;-M?7_[OW\\'U!+`P04``(`\"`\"$0I<:.R\"Q\\nMT;,\"``!B\"```\"P```&UO;C$P,C$N9&=SM=-/2)-Q\\',?Q[^?98Y,0LO^6)<_F\\nM-G48F-9!M#!2ZK9!AE,[2\"M,8CG4(#\"QB\\\\@.98\\'7874Q[)!V\\nM*CQ8T,%:U\"6B4VM^9.SW^$R0R!_\\\\#K_3Z_?^/K\\\\G61P]*DV-%UIE;1F&(>*4\\nMY([H\\'P\"21/3WF\\\\OYCL*\"0L@HW#A[L[>O.V14\\'W<:-;55MZIK:T(A(]1]HZNO\\nMNT?^80VG]X`,:A]ARUL[:U*4/H_CNR8\"/^`7%`:Q6[#\\'A[V\"?3[L%QP(XJ\"@\\nMJ!F\\'!(<[4\"PX8J!$@U$`AP;G\"DH!UTKZMO`4H$Q#^5=4`-YOJ$SA6`K-0%@0\\nM.(7F0?CGK7H_WBMZIT7OI\\'Z1>INBVRVZG?HJ]>26]*M2C];M;W=E=,,6T++Z\\nMXW1[NZ*/4`]2#U(?H7Z=>K^B]U)O0:D&5PO<&CR]U`.HT.\"]9-9]U.T;]47Y\\nMB1^*/F31AZB\\'J4>H\"TH$1LRBQZC?ICYLUCO1/)1#?RV?\\\\&[[]6!N/2H=J%\\'T\\nMB$6/4.^BWJ-,/FS1P\\\\KDV\\\\SZNH1ZC/41ZD_5=K=\\nM<-C@3%%/47>CS(;R%\\'6[67^4:3?K]6C2%A4];M\\'CBAY7=(]%]VRNW\\\\^M5^*D\\nMEE#T*8L^1?TN]=@6VC54V.#--^OCU.BM?W:X!\\\\>OU2OLU^+5G2GN\"^ACU,>H)Z@^I\\nM/U\\':VZG7H=0&5QW<-GC:J9^F?L:LQ]A^)]V>]T)I/X$%))3V)>J3U\">I+U&?\\nMIOY6T74X=#CGJ,]1UU&FH_P5]06S?H^Z;TT7/:N?QRKF_DEOI)ZBGJ+>2#W]\\nMW75X=YKU!QG=;](#^(*7BKY,/4X]3GV9^G/J\\'Q2]P:(W;*ZO_^^^OU!+`0(4\\nM`!0``@`(`)I%EQJ!0#0BN`````4!```&``````````$`(`````````!R96%D\\nM;6502P$\"%``4``(`\"`!]0I<:1.T:\\\\HX!``#X`@``\"P````````````````#<\\nM````;6]N.35F.2YD9W-02P$\"%``4``(`\"`!]0I<:A?,OT(D!``#X`@``\"P``\\nM``````````````\"3`@``;6]N.3EF.2YD9W-02P$\"%``4``(`\"`!]0I<:_!HX\\nM=4`!``!T`@``\"P````````````````!%!```;6]N-69F-2YD9W-02P$\"%``4\\nM``(`\"`!]0I<:91M4^CT!``!T`@``\"P````````````````\"N!0``;6]N-68P\\nM,\"YD9W-02P$\"%``4``(`\"`!]0I<:2(,8L)$!``#X`@``\"P``````````````\\nM```4!P``;6]N-34U-2YD9W-02P$\"%``4``(`\"`!]0I<:@(N,\\\\2@!``#\\\\`0``\\nM\"P````````````````#.\"```;6]N9C5F9BYD9W-02P$\"%``4``(`\"`!]0I<:\\nM(^9#[(\\\\!``#X`@``\"P`````````````````?\"@``;6]N,#4P,\"YD9W-02P$\"\\nM%``4``(`\"`!]0I<:?LU(V8L!``!:!```\"P````````````````#7\"P``;6]N\\nM9C`P9BYD9W-02P$\"%``4``(`\"`!]0I<:J%IO=8@!``!:!```\"P``````````\\nM``````\"+#0``;6]N9C!F,\"YD9W-02P$\"%``4``(`\"``C;E<9#%LHK[D!``#8\\nM!```\"P`````````````````\\\\#P``;6]N9C!F9BYD9W-02P$\"%``4``(`\"`\"#\\nM0I<:8W_5(P,!``!N`@``\"P`````````````````>$0``;6]N9F8P9BYD9W-0\\nM2P$\"%``4``(`\"`\"#0I<:@W4DP0D!``!N`@``\"P````````````````!*$@``\\nM;6]N9F9F,\"YD9W-02P$\"%``4``(`\"`\"#0I<:P_8O!F@!``!6`@``\"P``````\\nM``````````!\\\\$P``;6]N9CEF,\"YD9W-02P$\"%``4``(`\"`\"#0I<:EHL*P8\\\\!\\nM``#X`@``\"P`````````````````-%0``;6]N.3DY.2YD9W-02P$\"%``4``(`\\nM\"`\"#0I<:8W:\\\\Z8\\\\!``#X`@``\"P````````````````#%%@``;6]N.3DU-2YD\\nM9W-02P$\"%``4``(`\"`\"#0I<:E_1[9+4!``#8!```\"P````````````````!]\\nM&```;6]N.3!F,\"YD9W-02P$\"%``4``(`\"`\"#0I<:^6`AF](!``!2`P``\"P``\\nM``````````````!;&@``;6]N.3EF,\"YD9W-02P$\"%``4``(`\"`\"#0I<:]150\\nMT)`!``#X`@``\"P````````````````!6\\'```;6]N,#4P9BYD9W-02P$\"%``4\\nM``(`\"`\"#0I<:`-;S@]8!``!@!```\"P`````````````````/\\'@``;6]N-69F\\nM9BYD9W-02P$\"%``4``(`\"`\"#0I<:MY=-LST!``!T`@``\"P``````````````\\nM```.(```;6]N-68U,\"YD9W-02P$\"%``4``(`\"`\"#0I<:YV+@``;6]N9C5F8RYD9W-02P$\"%``4``(`\\nM\"`\"$0I<:/*-PX7$\"``!J!@``\"P````````````````!X,0``;6]N9C5F9\"YD\\nM9W-02P$\"%``4``(`\"`\"$0I<:NZ!AP_4```!^`0``\"P`````````````````2\\nM-```;6]N-3`P,2YD9W-02P$\"%``4``(`\"`\"$0I<:R8JS*+8``````0``\"P``\\nM```````````````P-0``;6]N-69F,2YD9W-02P$\"%``4``(`\"`\"$0I<:A^%<\\nM>)D!``!&`P``\"P`````````````````/-@``;6]N,&9F,\"YD9W-02P$\"%``4\\nM``(`\"`\"$0I<:F\\\\?@X*\\\\``````0``\"P````````````````#1-P``;6]N,&8P\\nM9BYD9W-02P$\"%``4``(`\"`\"$0I<:YAEXYV\\\\\"``!J!@``\"P``````````````\\nM``\"I.```;6]N9C5F92YD9W-02P$\"%``4``(`\"`\"$0I<:3<,F7G0!``#X`@``\\nM\"P````````````````!!.P``;6]N9C5F82YD9W-02P$\"%``4``(`\"`\"$0I<:\\nM&^M0H[0\"``!B\"```\"P````````````````#>/```;6]N,3`Q-\"YD9W-02P$\"\\nM%``4``(`\"`\"$0I<:?JEO\\\\[,\"``!B\"```\"P````````````````\"[/P``;6]N\\nM,3`Q-2YD9W-02P$\"%``4``(`\"`\"$0I<:-$\\'^+;0\"``!B\"```\"P``````````\\nM``````\"70@``;6]N,3`Q-BYD9W-02P$\"%``4``(`\"`\"$0I<:*T(T7K,\"``!B\\nM\"```\"P````````````````!T10``;6]N,3`Q-RYD9W-02P$\"%``4``(`\"`\"$\\nM0I<:3\";]O;(\"``!B\"```\"P````````````````!02```;6]N,3`R,\"YD9W-0\\nM2P$\"%``4``(`\"`\"$0I<:.R\"QT;,\"``!B\"```\"P`````````````````K2P``\\nA;6]N,3`R,2YD9W-02P4&`````\"L`*P\".\"0``!TX`````\\n`\\nend\\n-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=\\nDick Kaul | My opinions only, not official IBM positions, offers,\\nIBM Visual Subsystems| data, or anything else -- if I were to speak for IBM\\nBoca Raton, FL | they\\'d make me wear a suit.\\nkaul@vnet.ibm.com | \"Beware of programmers carrying screwdrivers.\"\\n',\n", + " 'From: yuanchie@aludra.usc.edu (Roger Y. Hsu)\\nSubject: 14.4K Fax Modem for Sale\\nOrganization: University of Southern California, Los Angeles, CA\\nLines: 28\\nNNTP-Posting-Host: aludra.usc.edu\\n\\nA slightly used (less than two months old) SupraFaxModem is for sale.\\nIt comes with latest ROM 1.2H, communication software, fax software, \\noriginal manuals, and the original registration card.\\n\\nHere are some specs:\\n\\n Model # : SUPFAXV32BIS\\n Description : SupraFaxModem V.32bis\\n Type : Internal\\n Data Speed : 14,400/12,000/9600/7200/4800/2400/1200/300 bps data\\n\\t\\t(upto 57000bps with V.42 data compression)\\n Protocols : Bell 103/212A,CCIT V.21/V.22/V.22bis/V.32/V.32bis/V.42/\\n\\t : V.42bis, MNP 2-5, & MNP 10\\n Fax : 14,400/12,000/9600/7200/4800/2400 bps send/receive fax\\n\\t : Class 1 & 2 commnads\\n\\t : Group III compatible\\n Transmission: V.17,V.29,V.27ter\\n other :\\n\\t\\tnon-volatile memory; autoanswer/autodial (tone or pulse); \\n\\t\\textended AT commands and result codes; includes diagnostics, \\n\\t\\tphone jacks, subscriptions to free online services.\\n\\t\\t5 year warranty.\\n\\n Asking : $180 (neg.) + S/H \\n\\nIf interested, please e-mail.\\n\\nThanks!\\n',\n", + " \"From: strnlght@netcom.com (David Sternlight)\\nSubject: Re: The [secret] source of that announcement\\nOrganization: DSI/USCRPAC\\nLines: 23\\n\\n\\ngrady@netcom.com suggests using a common but restricted-distribution private\\nkey to allow public key system encrypted postings. In theory that will work\\nfine as long as the privae key remains secure.\\n\\nIn practice it would be a good idea to check to see if that would be a\\nviolation of some net rule, practice, custom, etc. I don't say it would be,\\njust that it would be a good idea to check. This is not like rot13 where\\neverybody can have the key trivially.\\n\\nIt would also be a good idea to check to see if such posts would be\\nforwarded by the sites needed to make the chain work.\\n\\nOf course there'd be no problem with a discussion group travelling over\\nfacilities entirely under the control of the members. Probably there would\\nalso be no problem with a mailing list approach. It might even be fun for\\nsome.\\n\\n-- \\nDavid Sternlight Great care has been taken to ensure the accuracy of\\n our information, errors and omissions excepted. \\n\\n\\n\",\n", + " 'From: dennisn@ecs.comm.mot.com (Dennis Newkirk)\\nSubject: Space class for teachers near Chicago\\nOrganization: Motorola\\nDistribution: usa\\nNntp-Posting-Host: 145.1.146.43\\nLines: 59\\n\\nI am posting this for a friend without internet access. Please inquire\\nto the phone number and address listed.\\n---------------------------------------------------------------------\\n\\n\"Space: Teaching\\'s Newest Frontier\"\\nSponsored by the Planetary Studies Foundation\\n\\nThe Planetary Studies Foundation is sponsoring a one week class for\\nteachers called \"Space: Teaching\\'s Newest Frontier.\" The class will be\\nheld at the Sheraton Suites in Elk Grove, Illinois from June 14 through\\nJune 18. Participants who complete the program can earn two semester\\nhours of graduate credit from Aurora College. Please note that while the\\nclass is intended for teachers, it is not restricted to teachers.\\n\\nThe class, which is being cosponsored by the United States Space\\nFoundation, will teach how to use space exploration as a teaching tool\\nto get students excited about learning and interested in science.\\n\\nClassroom topics to be covered by the class include:\\n > Living in Space\\n > The Space Shuttle\\n > The Space Station\\n > NASA Spinoffs that Benefit Society\\n > Principles of Astrodynamics/Aeronautics\\n > The Solar System\\n\\nThere will also be simulated Zero-G training in an underwater space\\nstation simulation, model rocket launches, observing sessions at the\\nHarper College Observatory, and field trips to the Adler Planetarium and\\nthe Museum of Science and Industry.\\n\\nFeatured speakers include Jerry Brown of the Colorado based United\\nStates Space Foundation and Debbie Brown of the NASA Lewis Research\\nCenter in Cleveland, Ohio. Additional instructors will be provided by\\nthe Planetary Studies Foundation.\\n\\nThe social highlight of the class will be a dinner banquet featuring\\nSpace Shuttle Payload Specialist Byron Lichtenberg, currently President\\nof Payload Systems, Inc. Lichtenberg was a member of the crew of STS-9\\nwhich flew in November 1983. The banquet is scheduled for Thursday, June\\n17.\\n\\nThe registration fee includes transportation for field trips, materials,\\ncontinental breakfasts, lunches, and the special dinner banquet. Guest\\ntickets for the dinner banquet are also available. There is an\\nadditional charge to receive the two hours of graduate credit. For any\\nadditional information about the class, contact the Science Learning\\nCenter at (708) 359-7913.\\n\\nOr write to:\\nPlanetary Studies Foundation\\n1520 W. Algonquin Rd.\\nPalatine, IL 60067\\n\\n------------------------------------------------------------------------\\n\\nDennis Newkirk (dennisn@ecs.comm.mot.com)\\nMotorola, Land Mobile Products Sector\\nSchaumburg, IL\\n',\n", + " 'From: storrs@eos.ncsu.edu (JERRY STORRS)\\nSubject: Re: WARNING.....(please read)...\\nOriginator: storrs@c20002-121rd.che.ncsu.edu\\nKeywords: brick, rock, danger, gun, violent, teenagers\\nReply-To: storrs@eos.ncsu.edu (JERRY STORRS)\\nOrganization: North Carolina State University, Project Eos\\nLines: 97\\n\\n\\nIn article <19APR199316162857@erich.triumf.ca>, music@erich.triumf.ca (FRED W. BACH) writes:\\n|>Xref: taco alt.parents-teens:1937 rec.autos:101669\\n|>Path: taco!gatech!howland.reston.ans.net!zaphod.mps.ohio-state.edu!saimiri.primate.wisc.edu!caen!destroyer!cs.ubc.ca!unixg.ubc.ca!erich.triumf.ca!music\\n|>From: music@erich.triumf.ca (FRED W. BACH)\\n|>Newsgroups: alt.parents-teens,rec.autos\\n|>Subject: Re: WARNING.....(please read)...\\n|>Date: 19 Apr 1993 16:16 PST\\n|>Organization: TRIUMF: Tri-University Meson Facility\\n|>Lines: 52\\n|>Distribution: world\\n|>Message-ID: <19APR199316162857@erich.triumf.ca>\\n|>References: <18APR199309481599@erich.triumf.ca> <1qs4a9$f87@bigboote.WPI.EDU> \\n|>NNTP-Posting-Host: erich.triumf.ca\\n|>Summary: Violent Teenagers and victims need help.\\n|>Keywords: brick, rock, danger, gun, violent, teenagers\\n|>News-Software: VAX/VMS VNEWS 1.41 \\n|>\\n|>In article , jrowell@ssd.intel.com (Janet Rowell)\\n|> writes...\\n|>#>Could we plase cease this discussion. I fail to see why people feel the need \\n|>#>to expound upon this issue for days and days on end. These areas are not\\n|>#> meant for this type of discussion. If you feel the need to do such things,\\n|>#> please take your thought elsewhere. Thanks.\\n|># \\n|>#I just want to second this request. I value this net group as one where people\\n|>#focus on solving problems and go out of their way to be respectful of\\n|>#differences. The hostility expressed in the original posting feels like an\\n|>#assault. \\n|># \\n|>#Thanks,\\n|>#Jan \\n|># \\n|>\\n|> Exactly my point. There is a lot of hostility to, and from, teenagers.\\n|>\\n|> Look, I sent these posts here to alt.parents-teens (with a copy to\\n|> rec.autos) since you people in this group may have the best advice for\\n|> and experience with troubled teenagers.\\n|>\\n|> If you follow the news for the northwest USA, you will have heard that a\\n|> group of 20-year old boys (barely out of the teens, certainly their outlook\\n|> was developed during their teens) just shot and killed an innocent little\\n|> girl riding in a car in the Seattle area when her mother (who was driving)\\n|> honked her horn at the car with the boys in it. This is really upsetting\\n|> and makes my stomach turn as it would any parent\\'s. Doesn\\'t your heart\\n|> just go out to that poor mother?\\n|>\\n\\nYes, Fred, my heart and prayers go out to the mother and others who have \\nbeen victims of these and other senseless crimes.\\n\\n|> You folks in this group have a responsibility to offer any good advice\\n|> that you may have. I suspect lots of people all over the world will read\\n|> and appreciate your comments.\\n|>\\n\\nHowever, I feel that you have missed the point of the previous postings (see \\ntop). Your statement of \\'responsibility\\' is felt as an attack towards the \\nmembers of this group. You are attempting to make the members of this group\\nbe REQUIRED to answer. The only people who should make a statement are people\\nwho have experienced the problem and found a workable solution.\\n\\n|> Teenagers both drive cars and are involved in automotive vandalism and\\n|> crime. Maybe someone on this newsgroup has had specific experience in\\n|> dealing with violent teenage offenders like these kids are. At the same\\n|> time, maybe you would have some good advice for those hostile people who\\n|> sense that are now the potential victims. Maybe you would have some good\\n|> advice for them on how not to pay back and/or not make the situation worse. \\n|> Maybe you have some good advice for local authorities or schools where\\n|> this problem is prevalent. But then again, maybe you\\'re not interested. :-(\\n\\nMany people are interested, but have no input. I will restate that your last\\nsentence here is seen as an attack on the members of this group. If people have\\ninput, they will give it. If they do not, YOU should not make them feel \\ncompelled (sp?) to respond. \\n\\nIf you wish to continue this conversation, PLEASE send e-mail. DO NOT repost or\\nattempt to bait me, I will not make another post (and may I make the same a\\nsuggestion to other group members) on this matter.\\n\\n\\n|>\\n|> Thanks in advance for your help, if we get any.\\n|>\\n\\nBTW, your welcome.\\n-- \\n\\n===============================================================================\\nJerry L. Storrs, System/Network Manager || ...\"Why do you look for the living\\nDept of Chemical Engineering, NCSU || among the dead? He is not here, \\n storrs@che.ncsu.edu (preferred) || He is risen!\"\\n storrs@eos.ncsu.edu || ^^^^^^^^^^^ Luke 24:5-6 \\n <>< || THE LORD IS RISEN INDEED!! \\n===============================================================================\\nAny statement made is the explicit belief of the writer and not the employer.\\n',\n", + " 'From: garrett@Ingres.COM \\nSubject: Re: Temper tantrums from the 1960\\'s\\nSummary: Pathelogical liars\\nNews-Software: VAX/VMS VNEWS 1.4-b1 \\nKeywords: \\nOrganization: ASK Computer Systems, Ingres Product Division\\nDistribution: usa\\nLines: 36\\n\\nIn article <1993Apr15.175829.22411@oracle.us.oracle.com>, mfriedma@us.oracle.com (Michael Friedman) writes...\\n>In article <1993Apr14.231117.21872@pony.Ingres.COM> garrett@Ingres.COM writes:\\n>>In article , phil@netcom.com (Phil Ronzone) writes...\\n>>>Correct. JFK was quite disgusting in that way. The reports of the women that\\n>>>he coerced via power of the office are now in the dozens. Today, we\\';d\\n>>>call for immediate resignation for that kind of behaviour.\\n> \\n>>I guess coercing women into having sex is MUCH worse than stealing, breaking\\n>>and entering, rigging national elections, starting secret wars that kill\\n>>hundreds of thousands, and using the powers of your office for personal\\n>>gain like Nixon did. NOT!\\n> \\n>Garrett, you are a really pathetic liar.\\n\\nIsn\\'t name calling fun!\\n> \\n>Some of your charges are arguable, but most of them are obvious lies.\\n>I challenge you to present us with any evidence that Nixon stole,\\n>rigged a national election, never mind elections, or used the powers\\n>of his office for personal gain.\\n\\nWhat do you think happened at Watergate? What do you think they broke into\\nthe building for? It wasn\\'t to just look around. Do I have to draw you \\na picture?\\n> \\n>You can\\'t because there is absolutely no evidence that any of these\\n>events occurred.\\n\\nWhatever...\\n\\n------------------------------------------------------------------------------\\n\"Who said anything about panicking?\" snapped Authur. Garrett Johnson\\n\"This is still just culture shock. You wait till I\\'ve Garrett@Ingres.com\\nsettled into the situation and found my bearings.\\nTHEN I\\'ll start panicking!\" - Douglas Adams \\n------------------------------------------------------------------------------\\n',\n", + " \"From: jtchern@ocf.berkeley.edu (Joseph Hernandez)\\nSubject: MLB Standings and Scores for Fri., Apr. 16th, 1993\\nOrganization: JTC Enterprises Sports Division (Major League Baseball Dept.)\\nLines: 72\\nDistribution: world\\nNNTP-Posting-Host: monsoon.berkeley.edu\\nKeywords: mlb, 04.16\\n\\n\\t MLB Standings and Scores for Friday, April 16th, 1993\\n\\t (including yesterday's games)\\n\\nNATIONAL WEST\\t Won Lost Pct. GB Last 10 Streak Home Road\\nSan Francisco Giants 06 04 .600 -- 6-4 Won 1 03-01 03-03\\nHouston Astros 05 04 .556 0.5 5-4 Lost 1 00-03 05-01\\nAtlanta Braves 06 05 .545 0.5 5-5 Lost 2 03-03 03-02\\nColorado Rockies 03 05 .375 2.0 3-5 Won 1 03-03 00-02\\nLos Angeles Dodgers 03 07 .300 3.0 3-7 Lost 4 00-03 03-04\\nSan Diego Padres 02 07 .222 3.5 2-7 Lost 4 00-04 02-03\\nCincinnati Reds 02 07 .222 3.5 2-7 Lost 3 01-02 01-05\\n\\nNATIONAL EAST\\nPhiladelphia Phillies 08 01 .889 -- 8-1 Won 5 05-01 03-00\\nPittsburgh Pirates 07 02 .778 1.0 7-2 Won 4 03-02 04-00\\nSt. Louis Cardinals 07 02 .778 1.0 7-2 Won 3 04-02 03-00\\nNew York Mets 04 04 .500 3.5 4-4 Lost 1 02-03 02-01\\nChicago Cubs 04 05 .444 4.0 4-5 Won 1 01-02 03-03\\nMontreal Expos 04 05 .444 4.0 4-5 Won 1 01-02 03-03\\nFlorida Marlins 03 06 .333 5.0 3-6 Won 1 02-04 01-02\\n\\n\\nAMERICAN WEST Won Lost Pct. GB Last 10 Streak Home Road\\nTexas Rangers 06 02 .750 -- 6-2 Lost 1 04-02 02-00\\nCalifornia Angels 05 02 .714 0.5 5-2 Won 3 03-02 02-00\\nChicago White Sox 04 04 .500 2.0 4-4 Won 1 02-03 02-01\\nMinnesota Twins 04 04 .500 2.0 4-4 Lost 1 01-02 03-02\\nOakland Athletics 04 04 .500 2.0 4-4 Lost 2 04-02 00-02\\nSeattle Mariners 04 04 .500 2.0 4-4 Lost 1 03-02 01-02\\nKansas City Royals 02 07 .222 4.5 2-7 Won 1 01-05 01-02\\n\\nAMERICAN EAST\\nBoston Red Sox 07 02 .778 -- 7-2 Won 3 03-00 04-02\\nToronto Blue Jays 05 03 .625 1.5 5-3 Won 1 04-02 01-01\\nNew York Yankees 05 04 .556 2.0 5-4 Lost 1 02-01 03-03\\nDetroit Tigers 04 04 .500 2.5 4-4 Won 2 02-00 02-04\\nCleveland Indians 03 06 .333 4.0 3-6 Lost 3 02-01 01-05\\nMilwaukee Brewers 02 05 .286 4.0 2-5 Lost 4 00-02 02-03\\nBaltimore Orioles 02 06 .222 4.5 2-6 Won 1 00-02 02-04\\n\\n\\n\\t\\t\\t YESTERDAY'S SCORES\\n (IDLE teams listed in alphabetical order)\\n\\nNATIONAL LEAGUE\\t\\t\\t\\tAMERICAN LEAGUE\\n\\nHouston Astros\\t\\t1\\t\\tSeattle Mariners\\t1\\nMontreal Expos\\t\\t2\\t\\tToronto Blue Jays\\t3\\n\\nNew York Mets\\t\\t3\\t\\tOakland Athletics\\t2\\nColorado Rockies\\t5\\t\\tDetroit Tigers\\t\\t3\\n\\nPittsburgh Pirates\\t5\\t\\tKansas City Royals\\t5\\nSan Diego Padres\\t4 (13)\\t\\tNew York Yankees\\t4\\n\\nSt. Louis Cardinals\\t4\\t\\tCleveland Indians\\t3\\nLos Angeles Dodgers\\t2\\t\\tBoston Red Sox\\t\\t4 (13)\\n\\nAtlanta Braves\\t\\t1\\t\\tCalifornia Angels PPD\\nSan Francisco Giants\\t6\\t\\tMilwaukee Brewers RAIN\\n\\nChicago Cubs\\t IDLE\\t\\tBaltimore Orioles IDLE\\nCincinnati Reds IDLE\\t\\tChicago White Sox IDLE\\n\\nFlorida Marlins IDLE\\t\\tMinnesota Twins IDLE\\nPhiladelphia PhilliesIDLE\\t\\tTexas Rangers IDLE\\n-- \\n-------------------------------------------------------------------------------\\nJoseph Hernandez | RAMS | | /.\\\\ ******* _|_|_ / | LAKERS\\njtchern@ocf.Berkeley.EDU | KINGS | |__ | | DODGERS _|_|_ | | RAIDERS\\njtcent@soda.Berkeley.EDU | ANGELS |____||_|_| ******* | | |___| CLIPPERS\\n-------------------------------------------------------------------------------\\n\",\n", + " \"From: ry01@ns1.cc.lehigh.edu (ROBERT YUNG)\\nSubject: How long do monitors last????\\nArticle-I.D.: ns1.1993Apr5.200422.65952\\nOrganization: Lehigh University\\nLines: 21\\n\\nWell, my 14inch VGA 1024x758-interlacing 2.5 year old no brand monitor just\\nbit the bullet. I pressed the power switch and a few seconds later, the power\\nlight went out with a POP. Gawd, it's only been two and half years.\\n\\nHow long would normal monitors last? I think the problem with my monitor is\\nthe power switch... but the image was getting pretty dim anyway (I needed to\\nhave my contrast all the way to the max...). And the screen did flicker from\\ntime to time. Is this normal (hehehe) or do I just have the worst of luck???\\n\\nQuestion: What do I do now???? Buy a new one? Get it fixed? Save up for a\\n*really* good one and get by with a cheap EGA monitor for now? I rather save\\nmy money to upgrade my 386SX to 486-66 though...\\n\\nThanks!\\n-- \\n===============================================================================\\nWhat engineers say:\\n Extensive effort is being applied on a fresh approach to the problem.\\nWhat they *really* mean:\\n We just hired three new guys; we'll let them kick it around for a while.\\n==================(Robert) Bobby Yung_____RY01@Lehigh.Edu======================\\n\",\n", + " 'From: bluelobster+@cmu.edu (David O Hunt)\\nSubject: Re: How I got saved...\\nOrganization: Carnegie Mellon, Pittsburgh, PA\\nLines: 44\\n\\nMy first and most important point is that regardless of how your recovery\\nhappened, I\\'m glad it did!\\n\\nOn 10-May-93 in Re: How I got saved... \\nuser Karen Lauro@camelot.brad writes:\\n>\\tI found it ore than coincidental that less than 2 weeks after\\n>I put my faith where my mouth was, one more in the long line of doctors\\n>and not even an orthopeodic specialist, diagnosed my problems with no\\n>difficulty, set me on the path to an effective cure, and I was walking\\n>and running again without the pain that had stopped me from that for\\n>4 years. The diagnosis was something he felt the other doctors must have\\n>\"overlooked\" because it was perfectly obvious from my test results.\\n\\nNOW! The point that I\\'ll try to make is that coincidences like this occur\\nwith a very high frequency. How many of us have been thinking of someone\\nand had that person call? Much of the whole psychic phenomenon is easily\\nexplicable by this - one forgets the misses. Consider your astrological\\nforcast in the newspaper. How many times have you said \"That\\'s me\" vs\\n\"That\\'s not me\"? You\\'ll remember the hits, but the misses will be much more\\nfrequent.\\n\\nOn 10-May-93 in Re: How I got saved... \\nuser Karen Lauro@camelot.brad writes:\\n>\\tMaybe this doesn\\'t hit you as miraculous. But to me it really\\n>is. Imagine an active 17 year old being told she may not be able to\\n>walk mcuh longer...and is now a happy 18 year old who can dance and run\\n>knowing that the problem was there all along and was \"revealed\" just\\n>after she did what she knew was right. As the song says...\\n\\nAnd what if, instead if being healed, your affliction got much worse and\\nyou ended up paralyzed? Would you have attributed that to god as well?\\nOr would that have been the work of satan? If you believe that would have\\nbeen so, why ONLY good from god, and ONLY evil from satan? Couldn\\'t the\\nagony have come from god? Think about what he did to poor Job!\\n\\n\\n\\nDavid Hunt - Graduate Slave | My mind is my own. | Towards both a\\nMechanical Engineering | So are my ideas & opinions. | Palestinian and\\nCarnegie Mellon University | <<>> | Jewish homeland!\\n====T=H=E=R=E===I=S===N=O===G=O=D=========T=H=E=R=E===I=S===N=O===G=O=D=====\\nEmail: bluelobster+@cmu.edu Working towards my \"Piled Higher and Deeper\"\\n\\nThe gostak distims the doches!\\n',\n", + " \"From: wlieftin@cs.vu.nl (Liefting W)\\nSubject: Re: 486/33 WIN3.1 HANG\\nOrganization: Fac. Wiskunde & Informatica, VU, Amsterdam\\nLines: 19\\n\\n10748539@eng2.eng.monash.edu.au (CHARLES CHOONG) writes:\\n\\n>HELP, PROBLEM 486/33MHZ HANGS IN EXTENDED MODE TRYING TO\\n>ACCESS DRIVES A: OR B: , SOMETIMES IT WILL DO DIR , SOMETIMES WILL HANG\\n>ON ACCESS SOMETIMES WILL WHEN TYING A TEXT FILE.\\n\\n>HARDWARE:\\n>AMERICAN MEGATREND MOTHERBOARD\\n>AMI BIOS 91\\n>CONNER 85MB HARD DRIVE\\n>TRIDENT 1 MEG SVGA\\n\\n>PLEASE HELP!!!\\n>ITS OK IN STANDARD MODE!!!\\n\\nI have the same problem. Someone suggested it might be a BIOS bug.\\nGonna check with my supplier tomorrow. I'll tell you if it helps.\\n\\nWouter.\\n\",\n", + " 'From: jack@shograf.com (Jack Ritter)\\nSubject: Help!!\\nArticle-I.D.: shograf.C531E6.7uo\\nDistribution: usa\\nOrganization: SHOgraphics, Sunnyvale\\nLines: 9\\n\\nI need a complete list of all the polygons\\nthat there are, in order.\\n\\nI\\'ll summarize to the net.\\n\\n\\n--------------------------------------------------------\\n \"If only I had been compiled with the \\'-g\\' option.\"\\n---------------------------------------------------------\\n',\n", + " \"From: dma7@po.CWRU.Edu (Daniel M. Alt)\\nSubject: Interesting conversion Problem\\nOrganization: Case Western Reserve University, Cleveland, OH (USA)\\nLines: 13\\nReply-To: dma7@po.CWRU.Edu (Daniel M. Alt)\\nNNTP-Posting-Host: slc5.ins.cwru.edu\\n\\n\\n\\tI have a very large (3x5 feet) file in Macintosh Canvas v2.something\\nwhich I need to import into AutoCad 12 in the least disk-space intensive\\nway possible. (i.e. EPS is a big problem, since it took 1.3 MEG to encode\\none page of the document) The file is entirely lines and words. I have\\naccess to networked Macs & PC's, and ftp. Can anyone suggest how this might\\nbe accomplished? Email replies, if you would, I don't read this group much.\\nThanks in advance.\\n-- \\nDaniel Alt \\tCase Western Reserve University Cleveland, OH (Help me!)\\nI don't HAVE ulcers. I'm a carrier. | I can't see you, so don't pretend to be\\nI don't like spreading rumors, but what else can you do with them? | there\\nI don't practice what I preach because I'm not the kind of person I preach to.\\n\",\n", + " \"From: jrlaf@sgi502.msd.lmsc.lockheed.com (J. R. Laferriere)\\nSubject: So, do any XXXX, I mean police officers read this stuff?\\nOrganization: Lockheed Missiles and Space Co.\\nLines: 11\\n\\nI was just wondering if there were any law officers that read this. I have\\nseveral questions I would like to ask pertaining to motorcycles and cops.\\nAnd please don't say get a vehicle code, go to your local station, or obvious\\nthings like that. My questions would not be found in those places nor\\nanswered face to face with a real, live in the flesh, cop.\\nIf your brother had a friend who had a cousin whos father was a cop, etc.\\ndon't bother writing in. Thanks.\\n\\n \\n\\n\\n\",\n", + " 'From: ajjb@adam4.bnsc.rl.ac.uk (Andrew Broderick)\\nSubject: Re: Solar Sail Data\\nKeywords: Solar Sail\\nOrganization: Rutherford Appleton Lab, UK\\nLines: 79\\n\\nIn article <1993Apr15.051746.29848@news.duc.auburn.edu> snydefj@eng.auburn.edu writes:\\n>\\n>I am looking for any information concerning projects involving Solar\\n> Sails\\n\\nI was at an interesting seminar at work (UK\\'s R.A.L. Space Science\\nDept.) on this subject, specifically on a small-scale Solar Sail\\nproposed as a student space project. The guy giving the talk was keen to\\ngenerate interest in the project. I\\'ll typein the handout he gave out at\\nthe meeting. Here goes : \\n\\n\\t\\t\\tThe Microlight Solar Sail\\n\\t\\t\\t-------------------------\\n\\n1. Introduction\\nThe solar sail is a well-established concept. Harnessing the pressure of\\nsunlight, a spacecraft would have unlimited range. In principle, such a\\nvehicle could explore the whole Solar System with zero fuel consumption.\\n\\nHowever it is more difficult to design a practical solar sail than most\\npeople realize. The pressure of sunlight is only about one kilogram per\\nsquare kilometer. Deploying and controlling the large area of aluminized\\nfabric which would be necessary to transport a \\'conventional\\' type\\nspacecraft is a daunting task. This is why, despite the potential of hte\\nidea, no such craft has actually been launched to date.\\n\\n2.Design\\nRecent advances in microelectronics make possible a different concept: a\\ntiny sail just a few metres in diameter which could be controlled purely\\nbe electronics, with no mechanical parts. Several attitude control\\nmethods are feasible: for example the pressure sunlight exerts on a\\npanel of solar cells varies according to whether power is being drawn.\\n\\nThe key components of the craft will be a minute CCD camera developed at\\nEdinburgh University which can act as both attitude sensor and data\\ngathering device; solar cells providing ~1 watt power for control and\\ncommunication; and a directional radio antenna etched onto the surface\\nof the sail itself. Launched as a piggyback payload, the total cost of\\nthe mission can be limited to a few tens of thousands of dollars.\\n\\n3.Missions\\nThe craft would be capable of some ambitious missions. For example:\\na) It could rendezvous with a nearby asteroid from the Apollo or Amor\\ngroups. Closeup pictures could be transmitted back to Earth at a low bit\\nrate.\\nb) It could be steered into a lunar polar orbit. Previously unobserved\\nareas around the lunar poles could be viewed. By angling the sail to\\nreflect sunlight downwards, polar craters whose bases never receive\\nsunlight could be imaged. Bright reflections would confirm that\\nvolatiles such as water ice have become trapped in these\\nlocations.[Immensely valuable information for setting up a manned lunar\\nbase, BTW]\\nc) It could be sent to rendezvous with a small asteroid or comet\\nnucleus. Impacting at low speed, a thin wire probe attached to the craft\\ncauses it to rebound while capturing a tiny sample is a sharp-edged\\ntube, like performing a biopsy. Returning to Earth, the sail acts as an\\nideal re-entry parachute: load per unit area 20 gm/m2 ensures that heat\\nis reradiated so efectively that the sail temperature cannot exceed ~300\\ndeg C. The material sample is recovered, enclosed in a small insulating\\ncontainer.\\n\\nContact: Colin Jack Tel. 0865-200447\\nOxford Mathematical Designs, 131 High Street, Oxford OX1 4DH, England\\n\\n--------------------------------\\n\\nThis guy would love to hear from anyone interested in this project or\\nseeking details or anything, and would be most happy to send you more\\ninformation.\\n\\n\\tAndy\\n\\n\\n\\n-- \\n ----------------------------------- \\nAndy Jonathan J. Broderick, | \"I have come that they might have |\\nRutherford Lab., UK | life, and have it to the full\" |\\nMail : ajjb@adam2.bnsc.rl.ac.uk | - Jesus Christ |\\n',\n", + " 'From: ong_mang@iastate.edu (sleeping_dragon)\\nSubject: Wanted: Opinions on MAG 17S and NANAO 560i monitor\\nSummary: Wanted: Opinions on MAG 17S and NANAO 560i monitor\\nOrganization: Iowa State University, Ames, IA\\nDistribution: usa\\nLines: 15\\n\\nHi,\\n\\nI\\'m looking to buy a 17\" monitor soon, and it seems that I can\\'t decide what\\nmonitor I should buy. I have a MAG 17S (this is a .25 dpi version and it using\\na TRINITON tube) and a NANAO 560i in mind.\\n\\nDoes anyone know of any specification or problems these monitor have?\\n\\nActually, any related opinions at buying a 17\" monitor will be welcomed.\\n\\n\\n Thanks in advance,\\n\\n ong_mang@iastate.edu\\n\\n',\n", + " 'From: walter@psg.com (Walter Morales)\\nSubject: Nitendo game wanted\\nOrganization: Pacific Systems Group, Portland Oregon US\\nLines: 24\\n\\nHi,\\nI am one those uncles that try to please my nephews whenever possible,\\nso.. they have asked me to find them some Nitendo games, no, it is\\nnot for the super nitendo.. it is for whatever model came prior to\\nthat.\\n\\nSince they are overseas, I will first ask them if they already have the\\ngames you would have to offer me. Please send me a list, or whatever and\\nthe price you are asking so I can send to my nephews and find out what\\nthey have and what they want.. so bare with me, I will respond, but it\\nwill take me a while. \\n\\nThanks,\\nWalter\\nwalter@psg.com\\n\\n\\nPlease respond directly.\\n\\n-- \\n ______________________________________________________________________\\n / Portland, Oregon USA \\\\\\n | WALTER T. MORALES 45 31 25 N 122 40 30 W |\\n | internet: walter@rain.com Pop. 366383 |\\n',\n", + " 'From: mccoy@ccwf.cc.utexas.edu (Jim McCoy)\\nSubject: Re: Fifth Amendment and Passwords\\nReply-To: mccoy@ccwf.cc.utexas.edu (Jim McCoy)\\nOrganization: The University of Texas - Austin\\nLines: 53\\nNNTP-Posting-Host: tramp.cc.utexas.edu\\nOriginator: mccoy@tramp.cc.utexas.edu\\n\\n\\nIn article <1993Apr19.180049.20572@qualcomm.com>, karn@unix.ka9q.ampr.org (Phil Karn) writes:\\n> In article <1993Apr18.233112.24107@colnet.cmhnet.org>, res@colnet.cmhnet.org (Rob Stampfli) writes:\\n> |> >Sadly, it does not. Suspects can be compelled to give handwriting and\\n> |> >voice exemplars, and to take blood and DNA tests.\\n> |> \\n> |> I am sure that Mike is correct on this point. I am also pretty sure that\\n> |> administering \"truth serum\" would be ruled a violation of your right\\n> |> not to incriminate yourself. But, what is the salient difference?\\n> \\n> You can find the salient difference in any number of 5th amendment\\n> related Supreme Court opinions. The Court limits 5th amendment\\n> protections to what they call \"testimonial\" evidence, as opposed to\\n> physical evidence.\\n\\nI have a question that is a slight variation on the previously mentioned\\nexamples that perhaps people could give me some pointers on (it has been a\\ncouple of years since my Con Law class in college so I hope I am not\\nmissing something obvious here...)\\n\\nBasic Scenario:\\n\\n\\tI set up a bbs that uses public-key encryption and encryption of\\n\\tfiles on disk. The general setup is designed so that when users \\n\\tconnect they send a private key encrypted using the system public\\n\\tkey and the user\\'s public-private keypair is used to wrap the\\n\\tone-time session keys used for encrypting the files on disk. The\\n\\tresult of this is that even if I reveal the system private key it\\n\\tis impossible for anyone to gain access to the files stored on the\\n\\tmachine. What is possible is for someone to use the revealed\\n\\tsystem private key to entice users into revealing thier personal\\n\\tprivate keys during the authentication sequence.\\n\\nQuestions:\\n\\n\\tDoes the fact that the system private key does not provide any\\n\\tinformation useful for a search give me any protection as far as\\n\\tbeing coerced to reveal the key? (I doubt it myself..)\\n\\n\\tIt seems providing the system private key does not mean that I am\\n\\tassisting in \"entrapment\" (the users would send thier key anyway\\n\\tand are not being enticed into doing something they would not\\n\\totherwise do) but is there any other hook that can be used?\\n\\n\\tWould the user private-key enticement require wiretap approval?\\n\\nAny answers or general musings on the subject would be appreciated...\\n\\njim\\n-- \\nJim McCoy | UT Unix Sysadmin Tiger Team\\nmccoy@ccwf.cc.utexas.edu | #include \\nj-mccoy@nwu.edu | pgp key available via finger or upon request\\n',\n", + " 'From: roger@hpscit.sc.hp.com (Roger Mullane)\\nSubject: Re: 86 Acura Integra 5-speed\\nOrganization: Hewlett-Packard, Santa Clara, CA\\nLines: 26\\n\\nI have a 1986 Acura Integra 5 speed with 95,000 miles on it. It is positively\\nthe worst car I have ever owned. I had an 83 Prelude that had 160k miles on\\nit when I sold it, and it was still going strong . This is with religious\\nattention to maintenance such as oil changes etc. Both cars were driven in\\nexactly the same manner..\\n\\n 1. It has gone through two clutches (which are underrated.)\\n 2. 3 sets of tires (really eats tires in the front even with careful align)\\n 3. All struts started leaking about 25-30k miles\\n 4. Windshield wiper motor burned up (service note on this one)\\n 5. Seek stop working on radio about 20k miles\\n 6. Two timing belts.\\n 7. Constant error signals from computer.\\n\\n 8. And finally. A rod bearing went out on the No. 1 piston seriously damaging\\n the crankshaft, contaminating the engine etc. When the overhaul was done\\n last week it required new crankshaft, one new cam shaft (has two) because\\n the camshaft shattered when they tried to mill it. The camshaft took 4\\n weeks to get because it is on national back order. \\n\\n Everything on the engine is unique to the 1986 year. They went to a new\\n design in 87. Parts are very expensive.\\n\\nNo way would I ever buy another Acura. It is highly overrated. .\\n\\n \\n',\n", + " 'From: spl@pitstop.ucsd.edu (Steve Lamont)\\nSubject: Re: RGB to HVS, and back\\nOrganization: University of Calif., San Diego/Microscopy and Imaging Resource\\nLines: 21\\nNNTP-Posting-Host: pitstop.ucsd.edu\\n\\nIn article <1993Apr28.094739.25200@htsa.aha.nl> remcoha@htsa.aha.nl (Remco Hartog) writes:\\n>I have a little question:\\n>\\n>I need to convert RGB-coded (Red-Green-Blue) colors into HVS-coded\\n>(Hue-Value-Saturnation) colors. Does anyone know which formulas to\\n>use?\\n\\nI have a little answer:\\n\\nSee Foley, van Dam, Feiner, and Hughes, _Computer Graphics: Principles\\nand Practice, Second Edition_.\\n\\n[If people would *read* this book, 75 percent of the questions in this\\nfroup would disappear overnight...]\\n\\n\\t\\t\\t\\t\\t\\t\\tspl\\n-- \\nSteve Lamont, SciViGuy -- (619) 534-7968 -- spl@szechuan.ucsd.edu\\nSan Diego Microscopy and Imaging Resource/UC San Diego/La Jolla, CA 92093-0608\\n\"My other car is a car, too.\"\\n - Bumper strip seen on I-805\\n',\n", + " 'From: jgreen@trumpet.calpoly.edu (James Thomas Green)\\nSubject: Proton/Centaur?\\nOrganization: California Polytechnic State University, San Luis Obispo\\nLines: 9\\n\\nHas anyone looked into the possiblity of a Proton/Centaur combo?\\nWhat would be the benefits and problems with such a combo (other\\nthan the obvious instability in the XSSR now)?\\n\\n\\n/~~~(-: James T. Green :-)~~~~(-: jgreen@oboe.calpoly.edu :-)~~~\\\\ \\n| \"I know you believe you understand what it is that you | \\n| think I said. But I am not sure that you realize that |\\n| what I said is not what I meant.\" |\\n',\n", + " 'From: emarsh@hernes-sun.Eng.Sun.COM (Eric Marsh)\\nSubject: Re: cults (who keeps them going ?)\\nOrganization: Sun\\nLines: 26\\nNNTP-Posting-Host: hernes-sun\\n\\nIn article sbuckley@fraser.sfu.ca (Stephen Buckley) writes:\\n>muttiah@thistle.ecn.purdue.edu (Ranjan S Muttiah) writes:\\n\\n>>Mr. Clinton said today that the horrible tragedy of the Waco fiasco\\n>>should remind those who join cults of the dangers of doing so.\\n>>Now, I began scratching my head thinking (a bad sign :-), \"don\\'t the \\n>>mainstream religions (in this case Christianity...or the 7th day \\n>>adventist in particular) just keep these guys going ? Isn\\'t Mr. Clinton \\n>>condemning his own religion ? After all, isn\\'t it a cult too ?\"\\n\\n>>... bad thoughts these.\\n\\n> well it depends on whether you take the literal dictionary definition of\\n>cult and say all faiths are cults, or if you take a more social-context\\n>view of \"cult which allows you to recognize mainstream religions as \\n>socially-acceptable and cults as groups that involve techniques of brain-\\n>washing and all the other characteristics that define oppressive [probly not\\n>the *best* word] cult behaviour.\\n\\nMy understanding of the academic use of the word cult is that it is\\na group of people oriented around a single authority figure. It need\\nnot be religious. However, I have seen plenty of religious cults,\\nincluding some that mainstream.\\n\\neric\\n\\n',\n", + " 'From: ez027993@dale.ucdavis.edu (Gary Built Like Villanueva Huckabay)\\nSubject: Jose Canseco\\'s Swing - 1992 vs. 1986.\\nOrganization: Julio Machado Candlelight Vigil Society\\nDistribution: na\\nLines: 50\\n\\nWas going over some videos last night.....\\n\\nStudying 1986 and 1992 videotapes of Jose Canseco proved to be very\\ninteresting. And enlightening.\\n\\nHere\\'s my analysis of Jose Canseco, circa Sep \\'92, and Jose Canseco,\\ncirca June 1986.\\n\\n1. He\\'s bulked up too much. Period. He needs to LOSE about 20 pounds,\\n not gain more bulk.\\n\\n2. His bat speed has absolutely VANISHED. Conservatively, I\\'d say he\\'s\\n lost 4%-7% of his bat speed, and that\\'s a HUGE amount of speed.\\n\\n3. That open stance is KILLING him. Note that he acts sort of like\\n Brian Downing - way open to start, then closes up as ball is\\n released. Downing could do this without significant head movement -\\n Canseco can\\'t. Also, note that Canseco doesn\\'t always close his\\n stance the same way - sometimes, his hips are open, sometimes,\\n they\\'re fully closed. Without a good starting point, it\\'s hard\\n to make adjustments in your swing.\\n\\nWhat would I do, if I were Jose?\\n\\nAside from salting away a large sum of a cash that I could never touch,\\nso that I\\'d never have to work again, I\\'d restructure my entire swing.\\n\\nFirst, minimize movement before the swing. Close and widen the stance,\\nand severely cut down the stride I take on my swing. Hopefully, this\\nwill cut down on the time I need to swing, and will allow me to move\\nthe bathead more freely.\\n\\nSecond, drop 20 pounds. Cut out the weight work.\\n\\nThird, relax the wrists. Will cost some power, but until I can find\\nmy 1988 stroke, concentrate on keeping the back shoulder up, rolling\\nthe wrists through the strike zone, and hit line drives. His strength\\n is more than enough so that some of those line drives will get out of\\nthe park.\\n\\nIf Canseco\\'s open stance and resulting bad habits are a result of his back\\nproblems, he\\'ll be out of baseball in three years. If not, he could\\nstill hit 600+ HR.\\n\\n\\n-- \\n* Gary Huckabay * \"You think that\\'s loud enough, a$$hole?\" *\\n* \"Movie Rights * \"Well, if you\\'re having trouble hearing it, sir, *\\n* available thru * I\\'d be happy to turn it up for you. I didn\\'t *\\n* Ted Frank.\" * know that many people your age liked King\\'s X.\" *\\n',\n", + " 'Organization: Central Michigan University\\nFrom: Martin D. Hill <32GFKKH@CMUVM.CSV.CMICH.EDU>\\nSubject: Re: NHL team in Milwaukee\\nLines: 24\\n\\nWell put, Jason. I am not from Wisconsin, but I have close relatives who\\nlive in Port Washington (about 30 minutes north of Milwaukee), I visit the\\ncity regularly, and I have been in the Bradley four times to see the Admirals\\nplay and the NCAA Hockey Championships. It is a beautiful building. The\\nPettits and the city like to promote it as the best facility for hockey in\\nNorth America.\\nAs to what will happen with the Admirals if Milwaukee does acquire a\\nfranchise, word is the team will move to Green Bay and play in the Brown\\nCounty Arena.\\nOnce again, the Admirals are an independent franchise, and the people of\\nMilwaukee have been supporting them well. The games I have been to have seen\\ncrowds anywhere from 10,000 to 13,000, which are numbers some NHL teams (i.e.\\nthe Islanders, Hartford, New Jersey) would be envious of having on some nights.\\nPlus the fact that the city is able to support a minor league franchise without\\nthe glamour of having an NHL club affiliated to it is testimony to the amount\\nof hockey interest exists in the city.\\n\\nSincerely,\\n\\nMartin Hill, Rt. 2, Box 155B, Sault Ste. Marie, MI (Home of LSSU: Go Lakers!)\\n\\nP.S. Anybody know what the attendance figures are for the IHL and how\\nMilwaukee stacks up against other IHL cities such as Atlanta, Phoenix, San\\nDiego, Cleveland, and Cincinnati? If so, please reply.\\n',\n", + " 'From: epstein@trwacs.fp.trw.com (Jeremy Epstein)\\nSubject: WANTED: X & security posting\\nOrganization: TRW Systems Division, Fairfax VA\\nLines: 20\\n\\nA few days ago there was a posting in this group by Andrea Winkler\\ntitled \"X and Security / X Technical Conference\". I was one of the\\ninstructors of that tutorial. Unfortunately, my system purged\\nthe message before I had a chance to see it, and I don\\'t have\\nAndrea\\'s email address. If someone has Andrea\\'s address and/or\\nthe posting, I would really appreciate it if you\\'d forward it to\\nme!\\n\\nThanks\\n--Jeremy\\n\\nJeremy Epstein\\t\\t\\tInternet: epstein@trwacs.fp.trw.com\\nTrusted X Research Group\\tVoice: +1 703/803-4947\\nTRW Systems Division\\nFairfax Virginia\\n-- \\nJeremy Epstein\\t\\t\\tInternet: epstein@trwacs.fp.trw.com\\nTrusted X Research Group\\tVoice: +1 703/803-4947\\nTRW Systems Division\\nFairfax Virginia\\n',\n", + " 'From: chin@ee.ualberta.ca (Jing Chin)\\nSubject: Need Info on DSP project\\nSummary: General info on building a DSP project that can manipulate music\\nKeywords: DSP , D/A , A/D , music , project\\nNntp-Posting-Host: bode.ee.ualberta.ca\\nOrganization: University Of Alberta, Edmonton Canada\\nLines: 10\\n\\nI want to start a DSP project that can maniplate music in a stereo cassette. \\nIs that any chip set, development kit and/or compiler that \\ncan equilize/mix music? Ideally, The system should have D/A A/D converters &\\na DSP compiler. A rough estimate of the cost is greately appreciated.\\n\\nThanks in advance.\\n\\nRegards,\\nJing Chin\\ne-mail address:chin@bode.ee.ualberta.ca\\n',\n", + " 'From: Mark-Tarbell@suite.com\\nSubject: Switch-mode power supply\\nOrganization: Suite Software\\nLines: 17\\nReply-To: suite!tarbell@uunet.uu.net\\nNNTP-Posting-Host: gilgamesh.suite.com\\n\\nIs there a typical component or set of components\\nthat are at fault when a switch mode power supply \\ngoes south?\\n\\nThe supply is for a disk drive. Any general hints\\nwould be appreciated!\\n\\nThanks!\\nMark-Tarbell@suite.com\\nat fault when a switch mode power supply \\ngoes south?\\n\\nThe supply is for a disk drive. Any general hints\\nwould be appreciated!\\n\\nThanks!\\nMark-Tarbell@s$\\x03\\x03\\x1b$BVh\\x1b(J\\x06\\n',\n", + " \"From: pmontan@nswc-wo.navy.mil (Paul Montanaro)\\nSubject: Re: cd300 question\\nOrganization: NSWC\\nLines: 26\\n\\nIn article ,\\nh01sav.dsyibm.desy.de (Michael M. Savitski) wrote:\\n> \\n> Hi, there!\\n> I have a MAC LC and consider buying CD300. I've been told,\\n> however, that:\\n> 1. The double speed of CD300 is achievable only on machines\\n> with SCSI-2.\\n> 2. The double speed is a prerequisite for PhotoCD multisession\\n> capability, which I need.\\n> 3. Which means I seem to gain nothing compared with, say CD150.\\n> \\n> Any comments?\\n> Thanx.\\n> \\n\\n Your source is wrong. The double speed CD300 is still slow compared to a\\ntypical hard disk. The LC can easily handle the SCSI transfer rate of the\\nCD300. None of the current Macs, even the Quadras, support SCSI-2 unless\\nyou get a SCSI-2 Nubus Card.\\n\\n You don't have to have double speed to use PhotoCD. It's just faster\\nreading images off of a disk. I think that the CD150 can handle PhotoCD,\\nbut only single session. The CD300 can do multisession PhotoCD.\\n\\nPaul\\n\",\n", + " 'From: jonc@joncpc.SanDiego.NCR.COM (Mike Corcoran)\\nSubject: Re: tire recomendation for CB400T wanted\\nKeywords: tires recomend CB400T\\nOrganization: NCR E&M San Diego\\nDistribution: usa\\nLines: 20\\n\\nIn article <1993Apr14.172716.4301@cbnewsm.cb.att.com>, asalerno@cbnewsm.cb.att.com (antonio.j.salerno..jr) writes:\\n|> \\n|> I\\'ve got a \\'81 CB400T with Chen-Shing (sp?) tires on it.\\n|> I got it with these tires on it! The only reason I need new tires \\n|> is beacuse I hate (and don\\'t feel safe on) these.\\n|> \\n|> I\\'d appreciate any recomendations I can get (about NEW tires!).\\n|> \\n|> Thanks,\\n|> Tony\\n\\nI\\'ll throw in a vote for a Metzler \"economy\" tire, the ME77. Good\\nfor mid-size older bikes. Rated to 130mph. Wearing well and handles\\nmy 12 mile ride(twisties) to work well on the SR500. Costs a bit \\nmore than the Chengs/IRC\\'s etc, but still less than the Sport\\nMetzlers for the newer bikes. Cost from Chaparral is about $60 for the\\nfront, and $70 for the rear.\\n-- \\n Jon M.(Mike) Corcoran \\n\\t\\t \\'78 Yamaha SR500 - \\'72 Honda XL250 - \\'70 Husky 400 Cross\\n',\n", + " \"From: tchannon@black.demon.co.uk (Tim Channon)\\nSubject: Re: Lead Acid batteries & Concrete?\\nReply-To: tchannon@black.demon.co.uk\\nDistribution: world\\nX-Mailer: cppnews $Revision: 1.20 $\\nOrganization: null\\nLines: 29\\n\\n> Why does a lead acid battery discharge and become dead (totally unuseable)\\n> when stored on a concrete floor? \\n\\nWhen will people learn!\\n\\nThe trouble is the ballast in the concrete and as every fool knows Ballast \\nresistors are used to discharge batteries. Furthermore it is very silly to \\nstore the battery with the terminals downwards as you must have done to \\ncontact the ballast. \\n\\nSeriously: self discharge (the actual problem, as stated by others) does vary \\ngreatly with certain types and freaks show low self discharge. I have in \\nfact seen ordinary automotive batteries which have effectively held full \\ncharge for > 2 years so it must be possible.\\n\\nIf your garage is heated, store the batteries somewhere cooler but above \\nfreezing (flat batteries freeze more easily). Occasionally charge it (once a \\nmonth?) or even leave it on 'float' charge permanently (special charger, \\nDON'T do this unless you know what you are doing, seriously dangerous).\\n\\nAnouther point is the unsuitability of automotive batteries for things like \\nelectric mowers -- they are not generally designed to be repeatedly deep \\ndischarged and their life may be greatly shorted. Some early zero maintenance \\nautomotive batteries in fact responded to a full discharge with total failure \\nshortly afterwards but modern ones are superb. (6yrs, 95000 miles and \\ncounting)\\n\\n TC. \\n E-mail: tchannon@black.demon.co.uk or tchannon@cix.compulink.co.uk\\n \\n\",\n", + " 'From: dbd@urartu.sdpa.org (David Davidian)\\nSubject: Re: Accounts of Anti-Armenian Human Right Violations in Azerbaijan #010\\nOrganization: S.D.P.A. Center for Regional Studies\\nLines: 23\\n\\nIn article <1993Apr20.050956.25141@freenet.carleton.ca> aa624@Freenet.carleton.\\nca (Suat Kiniklioglu) [a.k.a. Kubilay Kultigin] writes:\\n\\n[KK] david\\n\\nYes?\\n\\n[KK] give it a rest. will you ???\\n\\nNo.\\n\\n[KK] it is increasingly becoming very annoying...\\n\\nBarbarism is rather annoying for you, now isn\\'t it, especially when it comes \\nfrom from a country, Azerbaijan, that claims Turkey as its number one ally, \\nprotector, and mentor!\\n\\n\\n-- \\nDavid Davidian dbd@urartu.sdpa.org | \"How do we explain Turkish troops on\\nS.D.P.A. Center for Regional Studies | the Armenian border, when we can\\'t \\nP.O. Box 382761 | even explain 1915?\" \\nCambridge, MA 02238 | Turkish MP, March 1992 \\n',\n", + " 'From: buenneke@monty.rand.org (Richard Buenneke)\\nSubject: White House outlines options for station, Russian cooperation\\nX-Added: Forwarded by Space Digest\\nOrganization: [via International Space University]\\nOriginal-Sender: isu@VACATION.VENARI.CS.CMU.EDU\\nDistribution: sci\\nLines: 71\\n\\n------- Blind-Carbon-Copy\\n\\nTo: spacenews@austen.rand.org, cti@austen.rand.org\\nSubject: White House outlines options for station, Russian cooperation\\nDate: Tue, 06 Apr 93 16:00:21 PDT\\nFrom: Richard Buenneke \\n\\n4/06/93: GIBBONS OUTLINES SPACE STATION REDESIGN GUIDANCE\\n\\nNASA Headquarters, Washington, D.C.\\nApril 6, 1993\\n\\nRELEASE: 93-64\\n\\n Dr. John H. Gibbons, Director, Office of Science and Technology\\nPolicy, outlined to the members-designate of the Advisory Committee on the\\nRedesign of the Space Station on April 3, three budget options as guidance\\nto the committee in their deliberations on the redesign of the space\\nstation.\\n\\n A low option of $5 billion, a mid-range option of $7 billion and a\\nhigh option of $9 billion will be considered by the committee. Each\\noption would cover the total expenditures for space station from fiscal\\nyear 1994 through 1998 and would include funds for development,\\noperations, utilization, Shuttle integration, facilities, research\\noperations support, transition cost and also must include adequate program\\nreserves to insure program implementation within the available funds.\\n\\n Over the next 5 years, $4 billion is reserved within the NASA\\nbudget for the President\\'s new technology investment. As a result,\\nstation options above $7 billion must be accompanied by offsetting\\nreductions in the rest of the NASA budget. For example, a space station\\noption of $9 billion would require $2 billion in offsets from the NASA\\nbudget over the next 5 years.\\n\\n Gibbons presented the information at an organizational session of\\nthe advisory committee. Generally, the members-designate focused upon\\nadministrative topics and used the session to get acquainted. They also\\nreceived a legal and ethics briefing and an orientation on the process the\\nStation Redesign Team is following to develop options for the advisory\\ncommittee to consider.\\n\\n Gibbons also announced that the United States and its\\ninternational partners -- the Europeans, Japanese and Canadians -- have\\ndecided, after consultation, to give \"full consideration\" to use of\\nRussian assets in the course of the space station redesign process.\\n\\n To that end, the Russians will be asked to participate in the\\nredesign effort on an as-needed consulting basis, so that the redesign\\nteam can make use of their expertise in assessing the capabilities of MIR\\nand the possible use of MIR and other Russian capabilities and systems.\\nThe U.S. and international partners hope to benefit from the expertise of\\nthe Russian participants in assessing Russian systems and technology. The\\noverall goal of the redesign effort is to develop options for reducing\\nstation costs while preserving key research and exploration capabilitiaes.\\nCareful integration of Russian assets could be a key factor in achieving\\nthat goal.\\n\\n Gibbons reiterated that, \"President Clinton is committed to the\\nredesigned space station and to making every effort to preserve the\\nscience, the technology and the jobs that the space station program\\nrepresents. However, he also is committed to a space station that is well\\nmanaged and one that does not consume the national resources which should\\nbe used to invest in the future of this industry and this nation.\"\\n\\n NASA Administrator Daniel S. Goldin said the Russian\\nparticipation will be accomplished through the East-West Space Science\\nCenter at the University of Maryland under the leadership of Roald\\nSagdeev.\\n\\n------- End of Blind-Carbon-Copy\\n',\n", + " 'From: mz@moscom.com (Matthew Zenkar)\\nSubject: Re: CView answers\\nOrganization: Moscom Corp., E. Rochester, NY\\nLines: 18\\nX-Newsreader: TIN [version 1.1 PL9]\\n\\nCyberspace Buddha (cb@wixer.bga.com) wrote:\\n: renew@blade.stack.urc.tue.nl (Rene Walter) writes:\\n: >over where it places its temp files: it just places them in its\\n: >\"current directory\".\\n\\n: I have to beg to differ on this point, as the batch file I use\\n: to launch cview cd\\'s to the dir where cview resides and then\\n: invokes it. every time I crash cview, the 0-byte temp file\\n: is found in the root dir of the drive cview is on.\\n\\nThis is what I posted that cview uses the root directory of the drive\\ncview is on. However, since It has so much trouble reading large files\\nfrom floppy, I suspect that it uses the root directory of the drive the\\nimage files are on.\\n\\nMatthew Zenkar\\nmz@moscom.com\\n\\n',\n", + " 'From: cdt@sw.stratus.com (C. D. Tavares)\\nSubject: Re: IMPORTANT HOLLY SILVA INFORMATION\\nOrganization: Stratus Computer, Inc.\\nLines: 19\\nDistribution: usa\\nNNTP-Posting-Host: rocket.sw.stratus.com\\n\\nIn article <1pkojmINNmuq@cae.cad.gatech.edu>, vincent@cad.gatech.edu (Vincent Fox) writes:\\n> In a separate post over on soc.culture.usa she explicitly said that while\\n> she cross-posts to t.p.g and sets follow-ups to there, she does not READ\\n> talk.politics.guns. If you think about it, it\\'s a clever way of keeping\\n> some of the politer respondents who will edit their newsgoup line, or\\n> properly use the follow-up: from being heard over there. It also makes it\\n> easier for her to claim all she ever sees is \"squeaky weasels\".\\n\\n> So if you want her to see your insiteful analysis, e-mail it. If you\\n> want to point out her flaws in public, make sure your newsgroup line\\n> includes soc.culture.usa.\\n\\nTo keep from flooding s.c.u, I e-mailed it. However, I agree that it\\'s\\nquite the sneaky trick. No more than I would expect, however.\\n-- \\n\\ncdt@rocket.sw.stratus.com --If you believe that I speak for my company,\\nOR cdt@vos.stratus.com write today for my special Investors\\' Packet...\\n\\n',\n", + " \"From: gt0523e@prism.gatech.EDU (Michael Andre Mule)\\nSubject: Re: Tickets etc..\\nArticle-I.D.: hydra.91513\\nDistribution: usa\\nOrganization: Georgia Institute of Technology\\nLines: 39\\n\\nLet's look at the effects of inflation on 1930's superstars' salaries.\\n\\nI read once that the Babe made $80,000 one year and that was about as good \\nas it got for him.\\n\\nLet's assume he made that in 1928 (I'm not sure of the figures, but I know\\nI'm in the ballpark--pun intended). :-)\\n\\nToday, assuming a 4% yearly inflation rate, which is an understatement if\\nnot accurate, his measly $80,000 salary would be worth.\\n\\nFV = $80,000 x (1+4%)^(1993-1928)\\n = $80,000 x (1.04)^65\\n = just over $1,000,000.\\n\\nAssuming inflation is average of around 5%.\\n\\nFV = $80,000 x (1+5%)^65\\n = almost 2,000,000.\\n\\n(I didn't crunch these numbers beforehand).\\n\\nThese numbers might lead one to believe that today's players are slightly \\noverpaid. The Babe appears to have made then what today's average to above\\naverage players make now. Perfectly accurate salary, year of salary, and \\naverage inflation rate would make this analysis more accurate, but I don`t \\nthink I'm off by much.\\n\\nChop Chop\\n\\nMichael Mule' \\n\\n\\n\\n-- \\nMichael Andre Mule\\nGeorgia Institute of Technology, Atlanta Georgia, 30332\\nuucp:\\t ...!{decvax,hplabs,ncar,purdue,rutgers}!gatech!prism!gt0523e\\nInternet: gt0523e@prism.gatech.edu\\n\",\n", + " 'From: mathew \\nSubject: Re: ( I am almost sure that Zyklon-B is immediate and painless method of \\n> death. If not, insert soem other form. )\\n> \\n> And, ethnic and minority groups have been killed, mutilated and \\n> exterminated through out history, so I guess it was not unusual.\\n> \\n> So, you would agree that the holocost would be allowed under the US \\n> Constitution? [ in so far, the punishment. I doubt they recieved what would \\n> be considered a \"fair\" trial by US standards.\\n\\nDon\\'t be so sure. Look what happened to Japanese citizens in the US during\\nWorld War II. If you\\'re prepared to say \"Let\\'s round these people up and\\nstick them in a concentration camp without trial\", it\\'s only a short step to\\ngassing them without trial. After all, it seems that the Nazis originally\\nonly intended to imprison the Jews; the Final Solution was dreamt up partly\\nbecause they couldn\\'t afford to run the camps because of the devastation\\ncaused by Goering\\'s Total War. Those who weren\\'t gassed generally died of\\nmalnutrition or disease.\\n\\n\\nmathew\\n',\n", + " \"From: IO20456@MAINE.MAINE.EDU (Ryan Robbins)\\nSubject: Re: Infield Fly Rule\\n <1993Apr15.200624.14745@scott.skidmore.edu>\\n <93106.202527IO20456@MAINE.MAINE.EDU> <1993Apr20.212819.23902@holos0.uucp>\\nOrganization: University of Maine System\\nLines: 7\\n\\nYou can't call time when there's a play in progress.\\n\\nRyan Robbins\\nPenobscot Hall\\nUniversity of Maine\\n\\nIO20456@Maine.Maine.Edu\\n\",\n", + " 'From: nyeda@cnsvax.uwec.edu (David Nye)\\nSubject: Re: Krillean Photography\\nOrganization: University of Wisconsin Eau Claire\\nLines: 21\\n\\n[reply to todamhyp@charles.unlv.edu (Brian M. Huey)]\\n \\n>I think that\\'s the correct spelling..\\n \\nKirilian.\\n \\n>The picture will show energy patterns or spikes around the object\\n>photographed, and depending on what type of object it is, the spikes or\\n>energy patterns will vary. One might extrapolate here and say that this\\n>proves that every object within the universe (as we know it) has its\\n>own energy signature.\\n \\nThere turned out to be a very simple, conventional explanation for the\\nphenomenon. I can\\'t recall the details, but I believe it had to do with\\nthe object between the plates altering the field because of purely\\nmechanical properties like capacitance. The \"aura\" was caused by direct\\nexposure of the film from variations in field strength.\\n \\nDavid Nye (nyeda@cnsvax.uwec.edu). Midelfort Clinic, Eau Claire WI\\nThis is patently absurd; but whoever wishes to become a philosopher\\nmust learn not to be frightened by absurdities. -- Bertrand Russell\\n',\n", + " 'From: hamkins@geisel.csl.uiuc.edu (Jon Hamkins)\\nSubject: Re: Triva question on Bosio\\'s No-hitter\\nOrganization: Center for Reliable and High-Performance Computing, University of Illinois at Urbana-Champaign\\nLines: 16\\nNNTP-Posting-Host: grinch.csl.uiuc.edu\\n\\nwall@cc.swarthmore.edu (Matthew Wall) writes:\\n\\n>I don\\'t actually have the answer to this one.\\n\\n>Bosio, after walking the first two batters, retired 27-straight for a\\n>\"back-end\" perfect game.\\n\\nWell, there were 27 outs in a row with no hits or walks in between, but\\nreally, he only retired 26 batters in a row. The first out of the game\\nwas the front end of a double play. Still counts as a back-end perfect\\ngame in my book, though. \\n\\nCongrats to Chris Bosio. Too bad the Brewers couldn\\'t hold on to him.\\n\\n ----Jon Hamkins (hamkins@uiuc.edu)\\n University of Illionois\\n',\n", + " 'From: \"UTADNX::UTDSSA::GREER\"@utspan.span.nasa.gov\\nSubject: Vandalizing the sky\\nX-Added: Forwarded by Space Digest\\nOrganization: [via International Space University]\\nOriginal-Sender: isu@VACATION.VENARI.CS.CMU.EDU\\nDistribution: sci\\nLines: 32\\n\\nIn Space Digest V16 #487,\\nhathaway@stsci.edu writes:\\n\\n...about the protests over proposals to put a giant billboard into orbit,\\n\\n>I\\'d like to add that some of the \"protests\" do not come from a strictly\\n>practical consideration of what pollution levels are acceptable for research\\n>activities by professional astronomers. Some of what I would complain about\\n>is rooted in aesthetics. \\n\\n>Regards, \\n>Wm. Hathaway \\n>Baltimore MD \\n\\nMr. Hathaway\\'s post is right on the money, if a little lengthy. In short,\\nan orbiting billboard would be trash, in the same way that a billboard on\\nthe Earth is trash. Billboards make a place look trashy. That is why there\\nare laws in many places prohibiting their use. The light pollution\\ncomplaints are mainly an attempt to find some tangible reason to be against\\norbiting billboards because people don\\'t feel morally justified to complain\\non the grounds that these things would defile the beauty of the sky.\\n\\nRegular orbiting spacecraft are not the same in this respect, since they are\\nmore like abstract entities, but a billboard in space would be like a beer\\ncan somebody had thrown on the side of the road: just trash.\\n\\n_____________\\nDale M. Greer, whose opinions are not to be confused with those of\\n The Center for Space Sciences, University of Texas at Dallas\\n UTSPAN::UTADNX::UTDSSA::GREER or greer@utdcss.utdallas.edu\\n\"Let machines multiply, doing the work of many,\\n But let the people have no use for them.\" - Lao Tzu\\n',\n", + " \"From: dozonoff@bu.edu (david ozonoff)\\nSubject: Re: food-related seizures?\\nLines: 11\\nX-Newsreader: Tin 1.1 PL5\\n\\nMichael Covington (mcovingt@aisun3.ai.uga.edu) wrote:\\n: \\n: How about contaminants on the corn, e.g. aflatoxin???\\n: \\nLittle alflatoxin on commercial cereal products and certainly wouldn't\\ncause seizures.\\n\\n--\\nDavid Ozonoff, MD, MPH\\t\\t |Boston University School of Public Health\\ndozonoff@med-itvax1.bu.edu\\t |80 East Concord St., T3C\\n(617) 638-4620\\t\\t\\t |Boston, MA 02118 \\n\",\n", + " \"From: marshatt@feserve.cc.purdue.edu (Zauberer)\\nSubject: Re: It's a rush... (was Re: Too fast)\\nOrganization: Purdue University\\nDistribution: usa\\nLines: 19\\n\\nIn article tcora@pica.army.mil (Tom Coradeschi) writes:\\n\\n[Useless road design, speed rate discussion deleted.]\\n\\n>> Actually, the roads were designated as safe at 80 when they were built\\n>> in the 1950's taking into account the kinds of cars then available. The\\n>> number would be much higher today because the cars, tires and just about\\n>> everything else has imprivoved a lot.\\n>\\n>Except the drivers.\\n\\nThank You!\\n ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\\n TRAVIS disclamer: the ideas expressed above are in fact the same as \\n my employer, since I have none |-)\\n e-mail, flame, at : marshatt@feserve.cc.purdue.edu\\n ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\\n\\n\\n\",\n", + " 'From: mccall@mksol.dseg.ti.com (fred j mccall 575-3539)\\nSubject: Re: WACO: Clinton press conference, part 1\\nOrganization: Texas Instruments Inc\\nLines: 18\\n\\nIn <1993Apr21.160642.12470@ringer.cs.utsa.edu> whughes@lonestar.utsa.edu (William W. Hughes) writes:\\n\\n>In article feustel@netcom.com (David Feustel) writes:\\n>>I predict that the outcome of the study of what went wrong with the\\n>>Federal Assault in Waco will result in future assaults of that type\\n>>being conducted as full-scale military operations with explicit\\n>>shoot-to-kill directives.\\n\\n>You mean they aren\\'t already? Could have fooled me.\\n\\nOnly because you are apparently easy to fool. In other words, your\\nremark is obviously from someone who wouldn\\'t know the difference.\\n\\n-- \\n\"Insisting on perfect safety is for people who don\\'t have the balls to live\\n in the real world.\" -- Mary Shafer, NASA Ames Dryden\\n------------------------------------------------------------------------------\\nFred.McCall@dseg.ti.com - I don\\'t speak for others and they don\\'t speak for me.\\n',\n", + " 'From: rhudson@gomez.intel.com (Ron A. Hudson)\\nSubject: Re: SOLUTION: Multi-setups on standalone EASY!!!\\nNntp-Posting-Host: gomez\\nOrganization: Software Technology, Intel Corp, Santa Clara, CA\\nX-Newsreader: TIN [version 1.1 PL8]\\nLines: 16\\n\\nPeter Goudswaard (goudswaa@fraser.sfu.ca) wrote:\\n>-- Setup deleted...\\n> Finally, in order to run _your_ specific version of Windows, you\\n> must simply change the path to include C:\\\\WINMASTR *and* your\\n> specific configuration path, e.g. C:\\\\WINWIFE. You could get\\n> fancy and use batch files, environment variables, or a menuing\\n> system to do this.\\n--- other stuff delete...\\nIf you happen to be running the new msdos 6, you could use multi-\\nsetup to provide a menu with a menu choice for each person using\\nthe machine ... power up, select your name, the menu will use your\\npersonal sections of config.sys and autoexec.bat thus setting up the\\npath, then running your windows copy! \\nRon\\n------------ Temp at Intel, views are my own -----------------------\\n\\n',\n", + " \"From: luriem@alleg.edu(Michael Lurie) The Liberalizer\\nSubject: Re: RE:Re:ALL-TIME BEST PLAYERS\\nOrganization: Allegheny College\\nLines: 20\\n\\nIn article <1993Apr21.120525.1@tesla.njit.edu> drm6640@tesla.njit.edu \\nwrites:\\n> Overall (career)\\n> 1.\\tDon Mattingly\\n> 2.\\tDon Mattingly\\n> 3.\\tDon Mattingly\\n> 4.\\tDon Mattingly\\n> 5.\\tDon Mattingly\\n> 6.\\tDon Mattingly\\n> 7.\\tDon Mattingly\\n> 8.\\tDon Mattingly\\n> 9.\\tDon Mattingly\\n> 10.\\tDon Mattingly\\n> 11.\\tDon Mattingly\\n> ..\\n\\n\\nWanna go to a game sometime?\\nJesus christ boy, have you not heard of the real all-time best....STEVE \\nBALBONI...Now that's Yankee pride.\\n\",\n", + " 'From: howardy@freud.nia.nih.gov (Howard Wai-Chun Yeung)\\nSubject: need shading program example in X\\nOrganization: (Natl. Institutes of Health, Bethesda, MD)\\nDistribution: na\\nLines: 9\\n\\n\\nDo anyone know about any shading program based on Xlib in the public domain?\\nI need an example about how to allocate correct colormaps for the program.\\n\\nAppreciate the help.\\n\\nHoward.\\n\\n\\n',\n", + " 'From: ken@isis.cns.caltech.edu (Ken Miller)\\nSubject: Re: Quack-Quack (was Re: Candida(yeast) Bloom, Fact or Fiction)\\nOrganization: California Institute of Technology\\nLines: 59\\nNNTP-Posting-Host: isis.cns.caltech.edu\\n\\nIn article <1rag61$1cb@hsdndev.harvard.edu> rind@enterprise.bih.harvard.edu (David Rind) writes:\\n>In article noring@netcom.com (Jon Noring) writes:\\n>>(p.s., may I suggest - seriously - that if the doctors and wanna-be-doctors on\\n>>the net who refuse to have an open mind on alternative treatments and\\n>>theories, such as the \"yeast theory\", should create your own moderated group.\\n>\\n>Why? Is there some reason why you feel that it shouldn\\'t be pointed out\\n>in SCI.med that there is no convincing empirical evidence to support the \\n>existence of systemic yeast syndrome?\\n\\nI don\\'t know the first thing about yeast infections but I am a scientist.\\nNo scientist would take your statement --- \"no convincing empirical evidence\\nto support the existence of systemic yeast syndrome\" --- to tell you\\nanything except an absence of data on the question. Noring has pointed out\\nthe catch-22 that if the \"crazy\" theory were true, you probably couldn\\'t\\nfind any direct evidence of it --- that you couldn\\'t observe those yeastie\\nbeasties with present methods even if they were there. Noring and the\\nfellow from Oklahoma (sorry, forgot your name) have also suggested one set\\nof anecdotal evidence in favor based on their personal experiences ---\\nnamely, that when people with certain conditions are given anti-fungals,\\nmany of them appear to get better. \\n\\nSo, if you have any evidence *against* the hypothesis --- for example,\\ncontrolled double-blind studies showing that the anti-fungals don\\'t do any\\nbetter than sugar water --- then let\\'s hear it. If you don\\'t, then what we\\nhave is anecdotal and uncontrolled evidence on one side, and abject\\ndisbelief on the other. In which case, please, there is no point in yelling\\nback and forth at each other any longer since neither side has any\\nconvincing evidence either positive or negative. \\n\\nAnd I understand that your abject disbelief is based on the existence of\\npeople who may get famous or make money applying the diagnosis to everything\\nin sight, making wild claims with no evidence, and always refusing to do\\ncontrolled studies. But that has absolutely no bearing on the apparently\\nsincere experiences of the people on the net observing anti-fungals working\\non themselves and other people in certain specific cases. There are also\\nquacks who sell oral superoxide dismutase, in spite of the fact that it\\'s\\ncompletely broken down in the guts, but this doesn\\'t change the genuine\\nscientific knowledge about the role of superoxide dismutase in fighting\\noxidative damage. Same thing. Just cause there are candida quacks, that\\ndoesn\\'t establish evidence against the candida hypothesis. If there\\'s some\\nother reason (besides the quacks), if only anecdotal, to think it could be\\ntrue, then that is what has to be considered, that is what the net people\\nhave been talking about.\\n\\nBut again, there is no point in arguing about it. There is anecdotal\\nevidence, and there is no convincing evidence, and there are also some\\ncandida quacks out there, I hope everyone can agree on all of that. Thus,\\nit appears to me the main question now is whether the proponents can\\nmarshall enough anecdotal evidence in a convincing and documented enough\\nmanner to make a good case for carrying out a good controlled double-blind\\nstudy of antifungals (or else, forget convincing anybody else to carry out\\nthe test, just carry it out themselves!) --- and also, whether they can\\nadequately define the patient population or symptoms on which such a study\\nshould be carried out to provide a fair test of the hypothesis.\\n\\nKen\\n-- \\n\\n',\n", + " 'From: 00cmmiller@leo.bsuvc.bsu.edu\\nSubject: rodney king (was marine gay bashing)\\nDistribution: usa\\nOrganization: Ball State University, Muncie, In - Univ. Computing Svc\\'s\\nLines: 16\\n\\nIn article , mwilson@ncratl.AtlantaGA.NCR.COM (Mark Wilson) writes:\\n> In <1993Apr17.161720.18197@bsu-ucs> 00cmmiller@leo.bsuvc.bsu.edu writes:\\n> \\n>\\n> \\n> |sorry, i didn\\'t see him \"charge\" the cops. i saw him trying to get away\\n> |from people who were beating him. i guess we each see what we want to\\n> |see.\\n> |candace miller\\n> \\n> If this is what you saw, then you did not see the start of the video.\\n> When the vidoe starts, King is lying on the ground, surrounded by cops.\\n> Noone is beating him. King then gets up and charges one of the officers.\\n> (Powell?) While falling back the officer pulls out his nightstick and strikes\\n> King with it. The blow appears to land near the shoulders of the head.\\n> -- \\n',\n", + " 'From: v-cckch@microsoft.com (Kenneth Charlton)\\nSubject: Re: \"Jump Starting\" a Mac II\\nOrganization: Microsoft Corp.\\nDistribution: usa\\nLines: 5\\n\\nApple dealerships once had kits to replace the soldered in batteries with a battery \\nholder.\\n\\nReal easy to install, but it does require some soldering.\\n\\n',\n", + " \"From: carter@ecf.toronto.edu (CARTER EDWARD A)\\nSubject: Re: DoD Oficial (tm) Newbie Bike of Choice\\nArticle-I.D.: ecf.C51nqM.5qq\\nOrganization: University of Toronto, Engineering Computing Facility\\nLines: 20\\n\\nIn article <1pplsc$38q@news.ysu.edu> ak296@yfn.ysu.edu (John R. Daker) writes:\\n>I propose that the Official DoD Newbie Bike of Choice (tm) be the ZX-11 D.\\n\\n=8^/ Nothing like giving newbies a land rocket to practice on. \\n\\n>It offers\\n>enough power so that a novice rider can safely accelerate out of harms way\\n>in situations where a more experienced rider would use complex avoidance \\n>manouvers.\\n\\nYup. Accelerate right into the back of an 18-wheel truck.\\n\\nUm. How's the easiest way to get newbies of the road? :)\\n\\nRegards, Ted.\\n\\n---\\nUniversity of Toronto Computer Engineering \\nPowerUsersGroupChairman\\n'89 FZR600: I'm taking a ride with my best friend. DoD#:886699\\n\",\n", + " 'From: cookson@mbunix.mitre.org (Cookson)\\nSubject: Re: DoD Pins...NOT!\\nNntp-Posting-Host: mbunix.mitre.org\\nOrganization: The MITRE Corporation, Bedford, MA\\nLines: 17\\n\\nIn article <1993Apr23.155347.1@skcla.monsanto.com> mpmena@skcla.monsanto.com writes:\\n>\\tBad news - Right after we placed our order, the company upped its\\n>\\tminimum order for manufacturing. We got in under the wire (with\\n>\\tan order of 115 or so pins), but as a result of the low number of\\n>\\tpins, we were relegated to the \"we\\'ll get to it in-between other\\n>\\truns\" bin. As a result, it seems that it may be another 4 or 5 weeks\\n\\nHow about the name and number of the pin place. I would think that 115\\nor so people calling to bitch about why orders placed after ours are getting\\ndone first might speed things along.\\n\\nDean\\n-- \\n| Dean Cookson / dcookson@mitre.org / 617 271-2714 | DoD #207 AMA #573534 |\\n| The MITRE Corp. Burlington Rd., Bedford, Ma. 01730 | KotNML / KotB |\\n| \"The road is my shepherd and I shall not stop\" | \\'92 VFR750F |\\n| -Sam Eliott, Road Hogs MTV 1993 | \\'88 Bianchi Limited |\\n',\n", + " 'From: stwombly@cs.ulowell.edu (Steve Twombly)\\nSubject: Re: Red Sox mailing list query\\nOrganization: UMass-Lowell Computer Science\\nLines: 10\\n\\nIn article Robert Ward writes:\\n>\\n>A friend in England is looking for a Red Sox mailing list. If you know\\n>of such a list, could you please send me mail with some info? Thank you.\\n>\\nbosox-request@world.std.com\\nto mail to the list: bosox@world.std.com\\n\\nSteve\\n\\n',\n", + " \"From: phu.luong@u2u.lonestar.org (Phu Luong) \\nSubject: help\\nDistribution: world\\nOrganization: USER-TO-USER PCBoard (214)492-6565 (USR DS v32bis)\\nReply-To: phu.luong@u2u.lonestar.org (Phu Luong) \\nLines: 12\\n\\n\\tCan somone explain to me all the stuff about modems...\\nlike v.32 v.42 HST USRobotics...\\n \\nwhy cheap 14.4 can' t cannot connect fast to some modems...\\n\\n\\njust explain to me everything!!! thanks..\\n\\n\\n... We must believe in free will. We have no choice.\\n___ Blue Wave/QWK v2.12\\n \\n\",\n", + " 'From: sschaff@roc.slac.stanford.edu (Stephen F. Schaffner)\\nSubject: Re: Ancient Books\\nOrganization: Stanford Linear Accelerator Center\\nLines: 18\\n\\nIn article , \\nwhheydt@pbhya.pacbell.com (Wilson Heydt) writes:\\n\\n|> As for the dating of the oldest extant texts of the NT.... How would\\n|> you feel about the US Civil War in a couple of thousand years if the\\n|> only extant text was written about *now*? Now adjust for a largely\\n|> illiterate population, and one in which every copy of a manuscript is\\n|> done by hand....\\n\\nConsiderably better than I feel about, say, the Punic Wars, or the \\nPeloponnesian War (spelling optional), or almost any other event in \\nclassical history. How close to the events do you think the oldest \\nextent manuscripts are in those cases?\\n\\n-- \\nSteve Schaffner sschaff@unixhub.slac.stanford.edu\\n\\tThe opinions expressed may be mine, and may not be those of SLAC, \\nStanford University, or the DOE.\\n',\n", + " 'From: karl@dixie.com (Karl Klingman)\\nSubject: Re: The Truth about Waco \\nOrganization: Dixie Communications Public Access. The Mouth of the South.\\nDistribution: usa\\nLines: 74\\n\\ndhartung@chinet.chi.il.us (Dan Hartung) writes:\\n\\n>jgd@dixie.com (John De Armond) writes:\\n\\n>>*\\tThe tanks were collapsing interior walls and ceilings putting people\\n>>\\tat great risk.\\n\\n>Dear, dear. They could have COME OUT.\\n\\nThen by your logic, the Jews in Europe in the 1930\\'s were the cause for\\nthe Holocaust. Hitler told them to leave and because they didn\\'t they\\nbrought the whole thing on themselves. Because as you say, they could\\nhave COME OUT of Germany.\\n\\n>>*\\tThere was no group instruction of any kind from Koresh or his \\n>>\\taids after the tank invasion (referring to any kind of suicide\\n>>\\tpact or counter-assault efforts.)\\n\\n\\n>It\\'s ultimately irrelevant who \"lit\" the fire. They had ample opportunity\\n>to LEAVE.\\n\\nSame for the Jews in Europe 1930\\'s.\\n\\n>While he was there. Anyway, outsiders RARELY see abuse. It\\'s a secretive\\n>thing. All we have to go on are the court documents in the Jewell case\\n>and the mistrial in California.\\n\\nYou don\\'t see any evidence of the abuse -- therefore it must be taking place?\\nAs you point out everwhere but here, it is irrelevant to this case. The\\nATF is not in charge of investigating child abuse.\\n\\n>>*\\tNo one was ever held against their wills and could have left at any\\n>>\\ttime. The people who were murdered in the fire were there by their\\n>>\\town choices.\\n\\n>EXACTLY. By their OWN CHOICE.\\n\\nIn obvious contradiction to the statements made by the F. B. I.\\n\\n>I have NEVER judged them by their religion, but by their ACTIONS.\\n\\nAnd just what are those actions that you are judging them by?\\nTheir refusal to let the government control their lives? Their refusal\\nto submit to unconstitutional laws? Their refusal to behave like\\ncowards? Some of Texas\\' heros could have taken the cowardly way\\nout too and surrendered the Alamo. After all, all they had to do was\\nCOME OUT. They stayed as you say by their \"OWN CHOICE\". Problem\\nis not everyone chooses to act like a groveling dog in the face of\\ninsurmountable odds. But as you point out, they certainly do have\\nthat right. \\n\\n>If they had lived a quiet, religious life as they claimed, there would\\n>have been no raid, no siege, and no deaths. Instead, they chose courses\\n>of action at every turn that were at the very least STUPID, if not\\n>IRRATIONAL. The first was to stockpile weapons. The second was to\\n>shoot federal agents. The third was to stay inside.\\n\\nBull. They did, in fact, live a quiet, religious life -- as they claimed.\\nThe warrant was not issued because they \"stockpiled weapons\". It is\\nnot against the law to own as many guns as you want -- yet (Except in \\nVirginia).The warrant was issued for some \"gun parts\" that are about the size \\nof a half-dollar. Certainly worth the lives of so many people, don\\'t you \\nthink?\\n\\n>Just as we don\\'t blame a cop who shoots a kid who had pointed a toy\\n>weapon at him, I don\\'t think the FBI deserves blame in this case.\\n\\nYou can forget that WE business. I certainly do blame them.\\n\\n-- \\nHe who would trade his liberty for | Karl Klingman\\nsecurity deserves neither. | American Research Group, Inc.\\n | karl@dixie.com\\n',\n", + " 'From: lightwave-admin@bobsbox.rent.com (LightWave 3D Mail List Administrator)\\nSubject: Monthly LightWave mailing list FAQ\\nLines: 130\\n\\n\\n---------------------- LightWave3D Mail-List ----------------------\\n\\n-- WHAT IS LightWave? --\\n\\nLightWave3D is part of a suite of programs that come bundled with a\\ndevice called the \"Toaster\" (from NewTek, Inc.) that operates on an\\nAmiga platform. The LightWave software (LightWave=LightWave3D and\\nLightWave Modeler) allows and artist to create three dimensional\\nphoto-realistic images for a variety of purposes.\\n\\n-- WHY ARE WE DOING THIS? --\\n\\nThis mailing list is for those interested in the LightWave software, how\\nit operates and in ideas on how to obtain the best quality images\\navailable to them. The list is for those who own the Toaster and\\nLightWave as well as those just interested in what can be done with the\\npackage. We hope to share information, tips, procedures and to bond as\\na group.\\n\\n-- WHAT ARE THE RULES? --\\n\\nSince LightWave/Modeler are just a part of the Newtek Video Toaster\\nsoftware, I\\'m sure we will discuss a few items related to the operation\\nof the Toaster. However, we will strive to keep the subject revolving\\nspecifically around the 3D software, related tools and products.\\n\\nYou do NOT have to own a Toaster to join this list!\\n\\n-- OK! HOW DO I JOIN? --\\n\\nTo become a member of the LightWave3D mailing list you must send a mail\\nmessage to the address:\\n\\n lightwave-request@bobsbox.rent.com\\n\\nIn the body of the message enter:\\n\\nsubscribe lightwave-l your.name@your.site.domain\\n\\nOr just ask to be signed up and I will sign you up to the list. At this\\npoint in time the process is manual but I hope to get an automated\\nscript based system in place soon. There shouldn\\'t be too much of a\\ndelay in joining. Expect a \"welcome\" message within 5 days after you\\nsend your request. Then, expect the mail to start flowing in!\\n\\n-- HOW DO I POST TO THE LIST? --\\n\\nContributing to the list is simple. Just mail your articles to the\\nfollowing address:\\n\\n lightwave@bobsbox.rent.com\\n\\nYour article will be processed by the system and distributed to all\\nothers joined to the list. Your articles will also be sent to you so\\nyou know that your article has made it to the list. However, those\\naddresses that are either no good or no longer active will bounce back\\nto you. So, if you post an article and another members address is no\\nlonger valid, your original article will be returned to you. This\\ndoesn\\'t mean it hasn\\'t been posted to the list. In fact, just the\\nopposite is true. It means that your article WAS posted and that it\\ncouldn\\'t be sent to one or more of the members of the list due to a bad\\naddress.\\n\\nNOTE: I hope to have a fix for this behavior soon.\\n\\n-- HOW DO I QUIT THE LIST? --\\n\\nSimply mail a request to be removed from the list to the same address\\nyou used to sign up:\\n\\n lightwave-request@bobsbox.rent.com\\n\\nIn the body of the message enter:\\n\\nunsubscribe LightWave-l your.name@your.site.domain\\n\\nI will remove your name from the list of members. PLEASE, if you join\\nthe list and your account is going to be closed or if you will not be\\nable to receive mail for a while, send a request to be removed from the\\nlist! If you are just going to lose access for a short while still send\\na request for a suspension of your membership and I will suspend\\nforwarding of the articles to you.\\n\\n\\n-- WHAT ABOUT OLD ARTICLES? --\\n\\nI am currently archiving all the articles posted to the list at the\\noriginating site (bobsbox). However, I can not continue to do this due\\nto lack of disk space. What we need is a volunteer that will maintain a\\ncompendium of articles sent to the list. They can compress and store\\nthem in archives on their system. They can then periodically post an\\nindex of the contents of the compendium and any other information that\\nrelates.\\n\\nIf there are no volunteers then maybe someone can donate a large SCSI\\nhard drive to me for archival purposes. \\n\\nI have setup a mail-based file server so that anyone interested in the\\nlist can obtain information as well as the entire archive of past\\narticles, the membership listing and other information pertaining to\\nthe LightWave3D mailing list. For information on this service, please\\nsend a mail message to:\\n\\n fileserver@bobsbox.rent.com\\n\\nThe first command to the server must be \"HELP\" or \"USER name \".\\n\\nUse HELP to request a current copy of the helpfile.\\nUse USER name [passwd] to connect to the service.\\nUse ? to get a short listing of all available commands.\\n\\n\\n\\n-- NOW WHAT DO I DO? --\\n\\nWell, sit back and enjoy the pouring out of information. If you have\\nsomething to offer, please feel free to contribute that information to\\nthe list. Every little bit helps. Questions are welcomed! It makes\\nsome of us feel important when we can answer them. \\n\\nIf you have any questions or comments regarding the list, please contact\\nme at the address:\\n\\n lightwave-admin@bobsbox.rent.com\\n\\nCheers,\\n\\n\\nBob Lindabury\\n',\n", + " 'From: sturges@oasys.dt.navy.mil (Richard Sturges)\\nSubject: Re: DOT Tire date codes\\nReply-To: sturges@oasys.dt.navy.mil (Richard Sturges)\\nDistribution: usa\\nOrganization: Carderock Division, NSWC, Bethesda, MD\\nLines: 12\\n\\nIn rec.motorcycles, cookson@mbunix.mitre.org (Cookson) writes:\\n>To the nedod mailing list, and Jack Tavares suggested I check out\\n>how old the tire is as one tactic for getting it replaced. Does\\n>anyone have the file on how to read the date codes handy?\\n\\nIt\\'s quite simple; the code is the week and year of manufacture.\\n\\n\\t<================================================> \\n / Rich Sturges (h) 703-536-4443 \\\\\\n / NSWC - Carderock Division (w) 301-227-1670 \\\\\\n / \"I speak for no one else, and listen to the same.\" \\\\\\n <========================================================>\\n',\n", + " 'From: wdh@faron.mitre.org (Dale Hall)\\nSubject: Re: Pregnency without sex?\\nSummary: None\\nKeywords: none\\nNntp-Posting-Host: faron.mitre.org\\nOrganization: Research Computer Facility, MITRE Corporation, Bedford, MA\\nDistribution: usa\\nLines: 10\\n\\nIn article <8frk1ym00Vp5Apxl1q@andrew.cmu.edu> \"Gabriel D. Underwood\" writes:\\n>I heard a great Civil War story... A guy on the battlfield is shot\\n>in the groin, the bullet continues on it\\'s path, and lodges in the\\n>abdomen of a female spectator. Lo and behold....\\n>\\n>As the legend goes, both parents survived, married, and raised the child.\\n>\\n\\n\\t....who turned out to be a real son-of-a-gun.\\n\\n',\n", + " 'From: dlecoint@garnet.acns.fsu.edu (Darius_Lecointe)\\nSubject: Re: Eternity of Hell (was Re: Hell)\\nOrganization: Florida State University\\nLines: 26\\n\\nvic@mmalt.guild.org (Vic Kulikauskas) writes:\\n> Our Moderator writes:\\n> \\n> > I\\'m inclined to read descriptions such as the lake of fire as \\n> > indicating annihilation. However that\\'s a minority view.\\n> ...\\n> > It\\'s my personal view, but the only denominations I know of that hold \\n> > it officially are the JW\\'s and SDA\\'s.\\n> \\n> I can\\'t find the reference right now, but didn\\'t C.S.Lewis speculate \\n> somewhere that hell might be \"the state of once having been a human \\n> soul\"?\\nWhy is it that we have this notion that God takes some sort of pleasure\\nfrom punishing people? The purpose of hell is to destroy the devil and\\nhis angels.\\n\\nTo the earlier poster who tried to support the eternal hell theory with\\nthe fact that the fallen angels were not destroyed, remember the Bible\\nteaches that God has reserved them until the day of judgement. Their\\njudgement is soon to come.\\n\\nLet me suggest this. Maybe those who believe in the eternal hell theory\\nshould provide all the biblical evidence they can find for it. Stay away\\nfrom human theories, and only take into account references in the bible.\\n\\nDarius\\n',\n", + " 'Subject: New Hampshire and Maine non-resident carry permit application\\nFrom: kim39@scws8.harvard.edu (John Kim)\\nDistribution: na\\nOrganization: Harvard University Science Center\\nNntp-Posting-Host: scws8.harvard.edu\\nLines: 9\\n\\n\\nfor those who live near or plan to vacation in New Hampshire\\nand Maine, I am posting the basic info of how to\\napply for a LTC (CCW) in those states for non-residents.\\n\\npost will be in rec.guns\\n-J. Case Kim\\nkim39@husc.harvard.edu\\n\\n',\n", + " 'From: inoue@crd.yokogawa.co.jp (Inoue Takeshi)\\nSubject: How to see characterset from wchar_t\\nNntp-Posting-Host: emu\\nDistribution: comp\\nOrganization: Yokogawa Electric Corporation, Tokyo, Japan\\nLines: 137\\n\\n\\nWe developed a toolkit running on the X Window System.\\nThe toolkit copes with any languages based on X11R5\\'s i18n\\nfacility. As you know, there are 2 kinds of i18n implementation from MIT\\'s \\nX11R5 release -- Xsi and Ximp. Our original implementation of the toolkit\\nuses Xsi.\\n\\nOur toolkit manages each character\\'s size based on our own font management system.\\nIn order to do that, the \\'wchar_t\\' typed character strings must be decomposed\\nto character sets. This means that if one wchar_t type compound string with \\nASCII and Kanji mixed, for example, is given, each element of the wchar_t\\narray must be checked its corresponding character set based on a bit layout\\nand application environment\\'s locale. In this case if the locale is \\'japanese\\',\\neach wchar_t character will be classified either to iso8859-1, jisx0208 or so.\\n\\nWe need a function to do this. The function must check how many characters\\nfrom the top are the same character set and what the character set is.\\n\\nWe could not find any public X11R5 function to do that and inevitably, used\\nXsi\\'s internal functions to construct that function. The following is the\\nsource code of that function \\'decomposeCharacterSet()\\'.\\n\\n\\n//I18N.h\\n// This may look like C code, but it is really -*- C++ -*-\\n// $Id: I18N.h,v 1.1 1992/01/21 12:05:24 iima Exp iima $\\n\\n#ifndef _I18N_H\\n#define _I18N_H\\n\\n#include \\n\\nextern int decomposeCharacterSet(const wchar_t *wc_str,\\t/* IN */\\n\\t\\t\\t\\t int wc_len,\\t\\t/* IN */\\n\\t\\t\\t\\t char *buf,\\t\\t/* OUT */\\n\\t\\t\\t\\t int *buflen,\\t\\t/* IN/OUT */\\n\\t\\t\\t\\t int *scanned_len,\\t/* OUT */\\n\\t\\t\\t\\t char **charset);\\t/* OUT */\\nextern XmString wcharToXmString(const wchar_t *wc_str);\\nextern XmStringCharSet charsetOfWchar(const wchar_t wc);\\n\\n#endif /* _I18N_H */\\n\\n//I18N.cc\\n/* $Id: I18N.cc,v 1.1 1992/01/21 12:05:05 iima Exp $ */\\n\\n#include \\n#include \\n#include \\n#include \"I18N.h\"\\n\\nextern \"C\" {\\n#include \\n#define _XwcDecomposeGlyphCharset XXX_XwcDecomposeGlyphCharset\\n#define _Xmbfscs XXX_Xmbfscs\\n#define _Xmbctidtocsid XXX_Xmbctidtocsid\\n#include \"Xlocaleint.h\"\\n#undef _XwcDecomposeGlyphCharset\\n#undef _Xmbfscs\\n#undef _Xmbctidtocsid\\n extern int _XwcDecomposeGlyphCharset(XLocale, const wchar_t*, int,\\n\\t\\t\\t\\t\\t char*, int*, int*, int*);\\n extern Charset *_Xmbfscs(XLocale, _CSID);\\n extern _CSID _Xmbctidtocsid(XLocale, _CSID);\\n};\\n\\nint decomposeCharacterSet(const wchar_t *wc_str,/* IN */\\n\\t\\t\\t int wc_len,\\t\\t/* IN */\\n\\t\\t\\t char *buf,\\t\\t/* OUT */\\n\\t\\t\\t int *buf_len,\\t\\t/* IN/OUT */\\n\\t\\t\\t int *scanned_len,\\t/* OUT */\\n\\t\\t\\t char **charset)\\t/* OUT */\\n{\\n XLocale xlocale = _XFallBackConvert();\\n int ctid;\\n int status;\\n Charset *xcharset;\\n \\n status = _XwcDecomposeGlyphCharset(xlocale, wc_str, wc_len, buf,\\n\\t\\t\\t\\t buf_len, scanned_len, &ctid);\\n if (status == Success) {\\n\\txcharset = _Xmbfscs(xlocale, _Xmbctidtocsid(xlocale, ctid));\\n\\t*charset = (xcharset) ? xcharset->cs_name : NULL;\\n }\\n else\\n\\t*charset = NULL;\\n return status;\\n}\\n----------------\\n\\nAn included file above, \"Xlocaleint.h\", is also Xsi internal and we copied\\nthe file to the toolkit directory and compiled.\\n\\nA serious issue occured when we tried to compile a toolkit application on\\nour HP machine with its OS version of HP-UX9.01.\\n\\nWhen we tried to link an application based on our toolkit,\\nlink errors occured saying that the following functions are missing:\\n _Xmbctidtocsid (code)\\n _Xmbfscs (code)\\n _XwcDecomposeGlyphCharset (code)\\n _XFallBackConvert (code)\\n\\nWe had used MIT release version of X11R5 and its Xsi implementation until\\nHP-UP9.0 and ran applications successfully. One of the reasons to use Xsi was that\\nbecause HP did not release HP\\'s X11R5 until the OS 9.0 and we had no way to \\nknow how HP\\'s R5 would be implemented. We had hoped Xsi\\'s popularity and used \\nits internal functions. \\n\\nThe HP\\'s linker complains that there are no Xsi internal functions implemented.\\nWe observe from HP\\'s libX11.a, they used some Ximp implementation but we are\\nnot sure if they used MIT\\'s vanilla Ximp version or their own version of Ximp and\\ntherefore, finding just counter part functions in MIT\\'s Ximp for Xsi does not\\nseem to lead us a solution.\\n\\nMy question and goal is to know how we can construct a function like\\n\\'decomposeCharacterset()\\' listed above. Is there any function to check\\ncharacter set of each element of wchar_t type strings depending on locales?\\nIf it is a public function, that is perfect but even if it is not, we\\nwant to use any internal functions in HP\\'s X11R5 as we did for MIT\\'s R5.\\n\\nIn order to render a \\'wchar_t\\' type string, there must be some machinery\\nto judge character sets and that is how the proper fonts are selected for\\nthe string. We have no way to find out that without any HP\\'s X11R5 source \\nfiles. We want to know how we can use that for our goal. \\nAny help or comments would be highly appreciated.\\n\\nI also appreciate if anyone tell me about Ximp treating around this area\\neven if it is not HP\\'s implementation.\\n\\nThank you.\\n\\n--\\n\\t\\t\\t\\tTakeshi Inoue\\n\\t\\t\\t\\tinoue@crd.yokogawa.co.jp\\n\\t\\t\\t\\tYokogawa Electric Corporation\\n\\t\\t\\t\\tOpen Systems Laboratory\\t0422(52)5557\\n',\n", + " 'From: sera@zuma.UUCP (Serdar Argic)\\nSubject: How many more Muslim people will be slaughtered by \\'SDPA\\' criminals?\\nReply-To: sera@zuma.UUCP (Serdar Argic)\\nDistribution: world\\nLines: 257\\n\\nIn article <1993Apr18.051439.5942@urartu.sdpa.org> hla@urartu.sdpa.org writes:\\n\\n>I want this discussion to take place in English, because it is only after \\n\\nLet\\'s face it, if the words don\\'t get into your noggin in the first place, \\nthere\\'s no hope. Now tell us, \\'SDPA.ORG\\', a mouthpiece of the fascist x-Soviet \\nArmenian Government: what was your role in the murder of Orhan Gunduz and \\nKemal Arikan? How many more Muslims will be slaughtered by \\'SDPA.ORG\\' as \\npublicly declared and filed with the legal authorities? \\n\\n\\n \"...that more people have to die...\" \\n\\n SDPA <91@urartu.UUCP>\\n\\n \"Yes, I stated this and stand by it.\"\\n\\n SDPA <255@urartu.UUCP>\\n\\n\\n \\tJanuary 28, 1982 - Los Angeles\\n\\tKemal Arikan is slaughtered by two Armenians while driving to work. \\n\\n \\tMarch 22, 1982 - Cambridge, Massachusetts\\n\\tPrelude to grisly murder. A gift and import shop belonging to\\n\\tOrhan Gunduz is blown up. Gunduz receives an ultimatum: Either \\n he gives up his honorary position or he will be \"executed\". He \\n refuses. \"Responsibility\" is claimed by JCAG and SDPA.\\n\\n \\tMay 4, 1982 - Cambridge, Massachusetts\\n\\tOrhan Gunduz, the Turkish honorary consul in Boston, would not bow \\n\\tto the Armenian terrorist ultimatum that he give up his title of \\n\\t\"honorary consul\". Now he is attacked and murdered in cold blood.\\n\\tPresident Reagan orders an all-out manhunt-to no avail. An eye-\\n\\twitness who gave a description of the murderer is shot down. He \\n\\tsurvives... but falls silent. One of the most revolting \"triumphs\" in \\n\\tthe senseless, mindless history of Armenian terrorism. Such a murder \\n\\tbrings absolutely nothing - except an ego boost for the murderer \\n\\twithin the Armenian terrorist underworld, which is already wallowing \\n\\tin self-satisfaction.\\n \\nWere you involved in the murder of Sarik Ariyak? \\n\\n \\tDecember 17, 1980 - Sydney\\n\\tTwo Nazi Armenians massacre Sarik Ariyak and his bodyguard, Engin \\n Sever. JCAG and SDPA claim responsibility.\\n\\n\\nSource: Edward K. Boghosian, \"Radical Group Hosts Well-Attended Solidarity\\nMeeting,\" The Armenian Reporter, May 1, 1986, pp. 1 & 18.\\n\\nATHENS, Greece - An array of representatives of Greek political parties,\\nincluding the ruling PASOK party, and a host of political groups, both\\nArmenian and non-Armenian, joined to voice their solidarity with the \\nArmenian people in their pursuit of their cause and activities of a new\\nArmenian political force were voiced here on Sunday, April 20 during\\nthe 2nd International Meeting of Solidarity with the Armenian People. And\\njudging from encouraging messages offered by the representatives of these\\npolitical groups and organizations, at least here in Greece, the Armenian\\nCause enjoys abundant support from a wide spectrum of the political world.\\n\\nThe International Meeting of Solidarity was sponsored by the Greek branch of\\nthe Armenian Popular Movement, a comparatively new political force headed\\nby younger generations of Armenians, who openly profess their support of the\\narmed struggle and of the Armenian Secret Army for the Liberation of Armenia\\n(ASALA). The organization has branches in various European and Middle Eastern\\ncountries and the United States although some of these branches appear to\\nhave gone through a switch of loyalties because of the split within the ranks\\nof ASALA...\\n\\nVoicing the support of PASOK, the ruling party in Greece, to the Armenian\\npeople, was Mr. Charalambidi Michalis, a member of the Central Committee of\\nthe party and the Greek member of the Permanent People\\'s Tribunal...\\nExplaining the goals and aspirations of the Armenian Popular Movement \\nwas Ara Sarkisian. Significant was the address delivered by Mr. Bassam \\nAbu-Salim, on behalf of the Popular Front for the movement\\'s continued \\nsupport of the Armenians\\' armed struggle in their pursuit of their cause, \\npledging that Palestinian operated and run training camps would always be \\nopen to Armenian youth who need training for such a struggle. Later, Mr. \\nAbu-Salim, answering a question put to him by this writer, affirmed that \\nhis organization had always trained Armenian members of ASALA and that\\nthis policy will continue. \"The doors of our camps are always open to \\nArmenian freedom fighters,\" he affirmed.\\n\\nAmong the prominent Greek politicians who attended the conference was the son\\nof Prime Minister Papandreou, who himself holds a post in the Greek cabinet;\\ntwo members of the Cypriot Parliament who had journeyed to Athens for the\\nspecific purpose of attending the international gathering; representatives of\\nthe Christian Democratic party, EDIK Center party, two wings of the Communist\\nparty, representatives of an assortment of labor unions and trade associations,\\na number of mayors of Greek towns and cities; two Greek members of the\\nEuropean Parliament and other members of the Greek Parliament were also among\\nthose who participated in the international conference. Also on hand to follow\\nthe deliberations was the ambassador of Bulgaria in Athens.\\n\\nMore than significant was the large number of messages received by the \\norganizers, including the following: Palestinian National Revolutionary\\nMovement, Fatah; Popular Front for the Liberation of Palestine-General\\nCommand; the Central Committee of the Palestinian National Liberation\\nMovement-Fatah; the Socialist Progressive Party of Lebanon; Arab Socialist\\nLabor Party; the Kurdistan Democratic Union of Iraq; and numerous other\\ninternational groups, all noted for their radical stand in the Israeli-\\nPalestinian conflict.\\n\\n SUPPORT FROM ARF-RM\\n\\nAmong messages received from Armenian groups was the Armenian Revolutionary\\nFederation-Revolutionary Movement, the group that has claimed the abduction\\nand assassination of key party leaders in Lebanon accused of selling out to\\nforeign interests and powers. The message clearly gave its support to the\\nArmenian Popular Movement pledging that the Revolutionary movement will\\ncontinue to \"reveal the realities, no matter how bitter or tragic they are,\"\\nto expose the anti-Armenian activities of the leaders of the Dashnag \"Bureau.\"\\nThe message was taken as an indication of the link, loose as it may be, that\\nexists between the dissident Dashnag group and the Armenian Popular Movement,\\nopen supporters of ASALA and armed struggle.\\n\\nThe Armenian Popular Movement has set up its headquarters in a suburb of the\\nGreek capital, known as Neos Kosmos, where there is a large Armenian presence.\\nThe headquarters are located in a two-story building, which appears to have\\nturned into a beehive of activity on the part of scores of Armenian youth, who\\nprefer to give their first names only when invited to introduce themselves...\\n\\nNow any comment?\\n\\n#From: vd8@cunixb.cc.columbia.edu (Vedat Dogan)\\n#Subject: Re:Addressing.....\\n#Message-ID: <1993Apr8.233029.29094@news.columbia.edu>\\n\\n \\nIn article <1993Apr7.225058.12073@urartu.sdpa.org> dbd@urartu.sdpa.org (David Davidian) writes:\\n>In article <1993Apr7.030636.7473@news.columbia.edu> vd8@cunixb.cc.columbia.edu\\n>(Vedat Dogan) wrote in response to article <1993Mar31.141308.28476@urartu.\\n>11sdpa.org> dbd@urartu.sdpa.org (David Davidian) writes:\\n>\\n \\n>[(*] Source: \"Adventures in the Near East, 1918-1922\" by A. Rawlinson,\\n>[(*] Jonathan Cape, 30 Bedford Square, London, 1934 (First published 1923) \\n>[(*] (287 pages).\\n>\\n>[DD] Such a pile of garbage! First off, the above reference was first published\\n>[DD] in 1924 NOT 1923, and has 353 pages NOT 287! Second, upon checking page \\n>[DD] 178, we are asked to believe:\\n> \\n>[VD] No, Mr.Davidian ... \\n> \\n>[VD] It was first published IN 1923 (I have the book on my desk,now!) \\n>[VD] ********\\n> \\n>[VD] and furthermore,the book I have does not have 353 pages either, as you\\n>[VD] claimed, Mr.Davidian..It has 377 pages..Any question?..\\n> \\n>Well, it seems YOUR book has its total page numbers closer to mine than the \\nn>crap posted by Mr. [(*]!\\n \\n o boy! \\n \\n Please, can you tell us why those quotes are \"crap\"?..because you do not \\n like them!!!...because they really exist...why?\\n \\n As I said in my previous posting, those quotes exactly exist in the source \\n given by Serdar Argic .. \\n \\n You couldn\\'t reject it...\\n \\n>\\n>In addition, the Author\\'s Preface was written on January 15, 1923, BUT THE BOOK\\n>was published in 1924.\\n \\n Here we go again..\\n In the book I have, both the front page and the Author\\'s preface give \\n the same year: 1923 and 15 January, 1923, respectively!\\n (Anyone can check it at her/his library,if not, I can send you the copies of\\n pages, please ask by sct) \\n \\n \\nI really don\\'t care what year it was first published(1923 or 1924)\\nWhat I care about is what the book writes about murders, tortures,et..in\\nthe given quotes by Serdar Argic, and your denial of these quotes..and your\\ngroundless accussations, etc. \\n \\n>\\n[...]\\n> \\n>[DD] I can provide .gif postings if required to verify my claim!\\n> \\n>[VD] what is new?\\n> \\n>I will post a .gif file, but I am not going go through the effort to show there \\n>is some Turkish modified re-publication of the book, like last time!\\n \\n \\n I claim I have a book in my hand published in 1923(first publication)\\n and it exactly has the same quoted info as the book published\\n in 1934(Serdar Argic\\'s Reference) has..You couldn\\'t reject it..but, now you\\n are avoiding the real issues by twisting around..\\n \\n Let\\'s see how you lie!..(from \\'non-existing\\' quotes to re-publication)\\n \\n First you said there was no such a quote in the given reference..You\\n called Serdar Argic a liar!..\\n I said to you, NO, MR.Davidian, there exactly existed such a quote...\\n (I even gave the call number, page numbers..you could\\'t reject it.)\\n \\n And now, you are lying again and talking about \"modified,re-published book\"\\n(without any proof :how, when, where, by whom, etc..)..\\n (by the way, how is it possible to re-publish the book in 1923 if it was\\n first published in 1924(your claim).I am sure that you have some \\'pretty \\n well suited theories\\', as usual)\\n \\n And I am ready to send the copies of the necessary pages to anybody who\\n wants to compare the fact and Mr.Davidian\\'s lies...I also give the call number\\n and page numbers again for the library use, which are: \\n 949.6 R 198\\n \\n and the page numbers to verify the quotes:218 and 215\\n \\n \\n \\n> \\n>It is not possible that [(*]\\'s text has 287 pages, mine has 353, and yours has\\n>377!\\n \\n Now, are you claiming that there can\\'t be such a reference by saying \"it is\\n not possible...\" ..If not, what is your point?\\n \\n Differences in the number of pages?\\n Mine was published in 1923..Serdar Argic\\'s was in 1934..\\n No need to use the same book size and the same letter \\n charachter in both publications,etc, etc.. does it give you an idea!!\\n \\n The issue was not the number of pages the book has..or the year\\n first published.. \\n And you tried to hide the whole point..\\n the point is that both books have the exactly the same quotes about\\n how moslems are killed, tortured,etc by Armenians..and those quotes given \\n by Serdar Argic exist!! \\n It was the issue, wasn\\'t-it? \\n \\n you were not able to object it...Does it bother you anyway? \\n \\n You name all these tortures and murders (by Armenians) as a \"crap\"..\\n People who think like you are among the main reasons why the World still\\n has so many \"craps\" in the 1993. \\n \\n Any question?\\n \\nSerdar Argic\\n\\n \\'We closed the roads and mountain passes that \\n might serve as ways of escape for the Turks \\n and then proceeded in the work of extermination.\\'\\n (Ohanus Appressian - 1919)\\n \\'In Soviet Armenia today there no longer exists \\n a single Turkish soul.\\' (Sahak Melkonian - 1920)\\n\\n\\n',\n", + " 'From: ranck@joesbar.cc.vt.edu (Wm. L. Ranck)\\nSubject: Re: Help with backpack\\nOrganization: Virginia Tech, Blacksburg, Virginia\\nLines: 20\\nNNTP-Posting-Host: joesbar.cc.vt.edu\\nX-Newsreader: TIN [version 1.1 PL9]\\n\\nSanjay Sinha (sanjay@kin.lap.upenn.edu) wrote:\\n\\n: The next question is how shall I carry the thing on the bike, given\\n: the metal frame and all. I have a big backrest (approx 12\" high) and\\n: was hoping that I would be able to bungee cord the backpack to the backrest.\\n\\n: Any one have any experiences on such experimentation?\\n\\nPut the pack on the pillion and bungee it to the backrest.\\nIf that is not possible then you should be able to bungee it behind the\\nbackrest, just make sure it doesn\\'t bend or break anything like the rear\\nfender or turnsignals.\\n--\\n\\n*******************************************************************************\\n* Bill Ranck ranck@joesbar.cc.vt.edu *\\n* \"Cars making a sudden U-turn are the most dangerous. They may cut you off *\\n* entirely, blocking the whole roadway and leaving you no place to go.\" *\\n* pg. 21, MSF Motorcycle Operator Manual, sixth rev. 1991 *\\n*******************************************************************************\\n',\n", + " \"From: bonvicin@vxcrna.cern.ch\\nSubject: Re: Jack Morris\\nOrganization: CERN European Lab for Particle Physics\\nLines: 19\\n\\nfranjion@spot.Colorado.EDU (John Franjione) writes:\\n\\n>>-Valentine\\n>>(No, I'm not going to be cordial. Roger Maynard is a complete and\\n>>total dickhead. Send me e-mail if you insist on details.)\\n>\\n>In fact, he's a complete and total dickhead on at least 2 newsgroups\\n>(this one and rec.sport.hockey). Since hockey season is almost over,\\n>he's back to being a dickhead in r.s.bb.\\n\\nI was in fact going to suggest that Roger take his way of discussion over\\nto r.s.football.pro. There this kind of hormone-only reasoning is the\\nstandard. Being he canadian, and hockey what it is, I would have suggested\\nthat r.s.h would work too. It is important in a thread that everyone\\ninvolved use the same body part to produce a post (brain being the organ\\nof choice here).\\n\\nG. Bonvicini\\nbonvicin@cernvm.cern.ch\\n\",\n", + " 'From: paw@coos.dartmouth.edu (Pat Wilson)\\nSubject: Re: XV 3.00 has escaped!\\nOrganization: Dartmouth College, Hanover, NH\\nLines: 22\\n\\n\\n> * Commercial, government, and institutional users MUST register their\\n> * copies of XV, for the exceedingly REASONABLE price of just $25 per\\n> * workstation/X terminal. Site licenses are available for those who\\n> * wish to run XV on a large number of machines. Contact the author\\n> * for more details.\\n>...\\n\\nI would have appreciated an announcement of the policy change - \\nDartmouth will not be able to run xv 3.0, and I\\'m probably going \\nto have to take v2 off line (I somehow missed the \"shareware\"\\ndesignation in the README of v2, and didn\\'t realize that we were\\nsupposed to register).\\n\\nI also debate whether this, with the new \"institutions must pay\"\\npolicy belongs in the contrib directory on export - to me, \"contrib\"\\nmeans \"contributed\" (i.e. no strings, except copyright) attached.\\n\\n--\\nPat Wilson\\nSystems Manager, Project NORTHSTAR\\npaw@northstar.dartmouth.edu\\n',\n", + " 'From: etxonss@ufsa.ericsson.se (Staffan Axelsson)\\nSubject: WC 93: Scores and standings, April 20\\nNntp-Posting-Host: uipc104.ericsson.se\\nOrganization: Ericsson Telecom, Stockholm, Sweden\\nLines: 72\\n\\n\\n 1993 World Championships in Germany:\\n ====================================\\n\\n Group A standings (Munich) Group B standings (Dortmund)\\n -------------------------- ----------------------------\\n\\n GP W T L GF-GA +/- P GP W T L GF-GA +/- P\\n\\n Canada 2 2 0 0 6-1 +5 4 Czech republic 2 1 1 0 6-1 +5 3\\n Russia 2 1 1 0 6-4 +2 3 Finland 2 1 1 0 3-1 +2 3\\n Italy 2 1 1 0 3-2 +1 3 Germany 2 1 0 1 6-5 +1 2\\n Sweden 2 1 0 1 2-4 -2 2 USA 2 0 2 0 2-2 0 2\\n -------------------------------- -----------------------------------\\n Austria 2 0 0 2 2-5 -3 0 France 1 0 0 1 0-2 -2 0\\n Switzerland 2 0 0 2 0-3 -3 0 Norway 1 0 0 1 0-6 -6 0\\n\\n \\n April 18: Italy - Russia 2-2 Norway - Germany 0-6\\n Sweden - Austria 1-0 USA - Czech republic 1-1\\n\\n April 19: Canada - Switzerland 2-0\\n Russia - Austria 4-2 Finland - France 2-0\\n\\n April 20: Sweden - Canada 1-4 Czech republic - Germany 5-0\\n Switzerland - Italy 0-1 Finland - USA 1-1\\n\\n April 21: Germany - France\\t\\t15:30\\n Italy - Sweden Czech republic - Norway\\t20:00\\n\\n April 22: Switzerland - Russia USA - France\\t\\t15:30\\n Austria - Canada Norway - Finland\\t\\t20:00\\n\\n April 23: Switzerland - Austria Germany - Finland\\t\\t20:00\\n\\n April 24: Russia - Sweden Czech republic - France\\t15:30\\n Canada - Italy USA - Norway\\t\\t20:00\\n\\n April 25: Sweden - Switzerland Finland- Czech republic \\t15:30\\n Russia - Canada Germany - USA\\t\\t20:00\\n\\n April 26: Austria - Italy France - Norway\\t\\t20:00\\n\\n \\n PLAYOFFS:\\n =========\\n\\n April 27:\\tQuarterfinals\\n\\t\\tA #2 - B #3\\t\\t\\t\\t\\t\\t15:30\\n\\t\\tA #3 - B #2\\t\\t\\t\\t\\t\\t20:00\\n\\n April 28:\\tQuarterfinals\\n\\t\\tA #1 - B #4\\t\\t\\t\\t\\t\\t15:30\\n\\t\\tA #4 - B #1\\t\\t\\t\\t\\t\\t20:00\\n\\n April 29:\\tRelegation\\n\\t\\tA #5 - B #6\\t\\t\\t\\t\\t\\t15:30\\n\\t\\tA #6 - B #5\\t\\t\\t\\t\\t\\t20:00\\n\\n April 30:\\tSemifinals\\n\\t\\tA #1/B #4 - A #3/B #2\\t\\t\\t\\t\\t15:30\\n\\t\\tA #4/B #1 - A #2/B #3\\t\\t\\t\\t\\t20:00\\n\\n May 1:\\t\\tRelegation\\t\\t\\t\\t\\t\\t14:30\\n\\t\\tBronze medal game \\t\\t\\t\\t\\t19:00\\n\\n May 2:\\t\\tFINAL\\t\\t\\t\\t\\t\\t\\t15:00\\n\\n--\\n ((\\\\\\\\ //| Staffan Axelsson \\n \\\\\\\\ //|| etxonss@ufsa.ericsson.se \\n\\\\\\\\_))//-|| r.s.h. contact for Swedish hockey \\n',\n", + " \"From: SHICKLEY@VM.TEMPLE.EDU\\nSubject: For Sale (sigh)\\nOrganization: Temple University\\nLines: 34\\nNntp-Posting-Host: vm.temple.edu\\nX-Newsreader: NNR/VM S_1.3.2\\n\\n\\n FOR SALE (RELUCTANTLY)\\n ---- Classic Bike -----\\n 1972 YAMAHA XS-2 650 TWIN\\n \\n<6000 Original miles. Always stored inside. 1979 front end with\\naftermarket tapered steering head bearings. Racer's supply rear\\nbronze swingarm bushings, Tsubaki chain, Pirrhana 1/4 fairing\\nwith headlight cutout, one-up Carrera racing seat, superbike bars,\\nvelo stacks on twin carbs. Also have original seat. Tank is original\\ncherry/white paint with no scratches, dents or dings. Needs a\\nnew exhaust as original finally rusted through and was discarded.\\nI was in process of making Kenney Roberts TT replica/ cafe racer\\nwhen graduate school, marriage, child precluded further effort.\\nWife would love me to unload it. It does need re-assembly, but\\nI think everything is there. I'll also throw in manuals, receipts,\\nand a collection of XS650 Society newsletters and relevant mag\\narticles. Great fun, CLASSIC bike with over 2K invested. Will\\nconsider reasonable offers.\\n___________________________________________________________________________\\n \\nTimothy J. Shickley, Ph.D. Director, Neurourology\\nDepartments of Urology and Anatomy/Cell Biology\\nTemple University School of Medicine\\n3400 North Broad St.\\nPhiladelphia, PA 19140\\n(voice/data) 215-221-8966; (voice) 21-221-4567; (fax) 21-221-4565\\nINTERNET: shickley@vm.temple.edu BITNET: shickley@templevm.bitnet\\nICBM: 39 57 08N\\n 75 09 51W\\n_________________________________________________________________________\\n \\n \\nw\\n\",\n", + " \"From: ossm1jl@rex.re.uokhsc.edu (Justin Lee)\\nSubject: Re: Satan kicked out of heaven: Biblical?\\nOrganization: Health Sciences Center, University of Oklahoma\\nLines: 13\\n\\n[Someone asked about Biblical support for the image of Satan as\\na fallen angel. Rev 12:7-9 and Enoch have been cited. --clh]\\n\\nThere is also a verse in Luke(?) that says He[Jesus] saw Satan fall\\nfrom Heaven. It's something like that. I don't have my Bible in\\nfront of me or I would quote it directly, but it's a pretty obvious\\nreference to Satan's expulsion.\\n\\nJustin\\n\\n[I believe the reference is to Luke 10:18. The context of the passage\\nmakes it possible that Jesus is referring to Satan being defeated by\\nJesus' mission, rather than a previous fall from heaven. --clh]\\n\",\n", + " 'From: rwalls@twg.com (Roger Walls)\\nSubject: Re: A Point for Helmet Law is a Point for MC B\\nOrganization: The Wollongong Group, Palo Alto, CA\\nLines: 18\\n\\nIn article <5967@prcrs.prc.com> terry@prcrs.prc.com (Terry Cunningham) writes:\\n>In article <1993Apr12.223911.11008@rtsg.mot.com>, svoboda@rtsg.mot.com (David Svoboda) writes:\\n>> \\n>> Oh, banning motorcycles is not *actually* reasonable. It is only\\n>> reasonable in the eyes of a misinformed and misunderstanding public.\\n>> \\n>> Or, conversely, your attitude could seem blind and apathetic.\\n>> \\n>\\n>I know of no law, either on the books or proposed, that bans motorcycles\\n>from any place that i want to go to.\\n>\\n\\nMotorcycles are not allowed on th 17 mile drive at pebble Beach.\\n\\n\\t\\t\\tJolly Roger\\n\\n\\n',\n", + " \"From: stafford@lobby.ti.com (Ron Stafford)\\nSubject: Re: WARNING.....(please read)...\\nKeywords: BRICK, TRUCK, DANGER\\nLines: 61\\nNntp-Posting-Host: 192.153.237.26\\nOrganization: MHHC\\n\\nIn article <1993Apr22.093956@is.morgan.com> sergei@is.morgan.com (Sergei Poliakoff) writes:\\n>From: sergei@is.morgan.com (Sergei Poliakoff)\\n>Subject: Re: WARNING.....(please read)...\\n>Keywords: BRICK, TRUCK, DANGER\\n>Date: Thu, 22 Apr 1993 13:39:56 GMT\\n>In article <1993Apr20.223113.21666@voodoo.ca.boeing.com>, tomm@hank.ca.boeing.com (Tom Mackey) writes:\\n>|> In article neil@bcstec.ca.boeing.com (Neil Williams) writes:\\n>|> >a reformatory for juviniles a few blocks away. They caught the 14 year old\\n>|> >that did it. They put a cover over the overpass, what else could they do?\\n>|> \\n>|> Execute the juvi on the grounds of the reformatory, required attendendence\\n>|> by the rest of the inmates, as soon as possible after the incident and a\\n>|> quick sure trial. I am quite serious. Cause and effect. Nothing else\\n>|> will ever make a dent.\\n>\\n>This will not work. Hitler-youth, Newark teenager car stealing epidemics ,\\n>student riots and other similar cases show that death is not a \\n>behaviour-shaping or even intimidating factor for teenagers. \\n>Teens defy death.\\n\\nI is a strong deterent to the teens that are executed. They won't do that\\nagain! This policy cuts way down on repeat offenders.\\n\\nPlease do not flame me - I don't agree with capital punishment for teen's.\\n\\n\\n>\\n>As far as rock throwing is concerned : well, it is very sad and tragic.\\n>Most of these incidents stem from the fact that these kids are DUMB,\\n>even smarter ones completely lack deductive thinking and can't foresee \\n>the consequences of their actions beyond immediate ones.\\n>Unfortunately, dumbness and cars whizzing at 80 mph make an explosive\\n>mix.\\n\\nThey are also unsupervised. With proper supervision, they would not be\\nthrowing rocks. If parents cannot provide the minimal supervision needed\\nto stop this activity, they should not be allowed to have children :-)\\n\\nNotice the smiley ;-) \\n\\n\\n>However, I hardly believe there was intent to kill in most of these cases,\\n>rather desire to see the shattering glass (I admit I was mercilessly \\n>attacking Moscow busses with a slingshot in my tender years), akin to\\n>a child breaking toys. I witnessed several even more endeavouring\\n>projects : like stacking up bricks on a railroad track. Technical\\n>details of such a venture completely dominate the possibility of\\n>a human tradegy (heck, when you are 10, you have a vague concept of\\n>human tradegy) in a mind of a youngster. I'm quite sure that technical\\n>challenge of matching and predicting speed of a thrown stone so that it\\n>gets the car smack in the windshield completely occupies the teen,\\n>not leaving much room for other considerations.\\n>\\n>\\n>Sergei\\n>\\n>\\n--------------------------------------------------------\\nRon Stafford TEXAS INSTRUMENTS INCORPORATED\\n(214) 917-2050 P.O.Box 655012, MS 3620\\nSTAFFORD@LOBBY.TI.COM Dallas, Texas 75265-3620\\n\",\n", + " \"From: sera@zuma.UUCP (Serdar Argic)\\nSubject: XSoviet Armenia will not get away with the Turkish genocide's cover-up.\\nReply-To: sera@zuma.UUCP (Serdar Argic)\\nDistribution: world\\nLines: 118\\n\\nIn article <30925@galaxy.ucr.edu> raffi@watnxt08.ucr.edu (Raffi R Kojian) writes:\\n\\n>You know it is true don't you?\\n\\nWell, apparently we have another son of Dro 'the Butcher' to contend with. \\nYou should indeed be happy to know that you rekindled a huge discussion on\\ndistortions propagated by several of your contemporaries. If you feel \\nthat you can simply act as an Armenian governmental crony in this forum \\nyou will be sadly mistaken and duly embarrassed. This is not a lecture to \\nanother historical revisionist and a genocide apologist, but a fact.\\n\\nI will dissect article-by-article, paragraph-by-paragraph, line-by-line, \\nlie-by-lie, revision-by-revision, written by those on this net, who plan \\nto 'prove' that the Armenian genocide of 2.5 million Turks and Kurds is \\nnothing less than a classic un-redressed genocide. We are neither in \\nx-Soviet Union, nor in some similar ultra-nationalist fascist dictatorship, \\nthat employs the dictates of Hitler to quell domestic unrest. Also, feel \\nfree to distribute all responses to your nearest ASALA/SDPA/ARF terrorists,\\nthe Armenian pseudo-scholars, or to those affiliated with the Armenian\\ncriminal organizations.\\n\\nx-Soviet Armenian government got away with the genocide of 2.5 million \\nTurkish men, women and children and is enjoying the fruits of that genocide. \\nYou, and those like you, will not get away with the genocide's cover-up.\\n\\nDuring the First World War and the ensuing years - 1914-1920, \\nthe Armenians through a premeditated and systematic genocide, \\ntried to complete its centuries-old policy of annihilation against \\nthe Turks and Kurds by savagely murdering 2.5 million Muslims and \\ndeporting the rest from their 1,000 year homeland.\\n\\nThe attempt at genocide is justly regarded as the first instance\\nof Genocide in the 20th Century acted upon an entire people.\\nThis event is incontrovertibly proven by historians, government\\nand international political leaders, such as U.S. Ambassador Mark \\nBristol, William Langer, Ambassador Layard, James Barton, Stanford \\nShaw, Arthur Chester, John Dewey, Robert Dunn, Papazian, Nalbandian, \\nOhanus Appressian, Jorge Blanco Villalta, General Nikolayef, General \\nBolkovitinof, General Prjevalski, General Odiselidze, Meguerditche, \\nKazimir, Motayef, Twerdokhlebof, General Hamelin, Rawlinson, Avetis\\nAharonian, Dr. Stephan Eshnanie, Varandian, General Bronsart, Arfa,\\nDr. Hamlin, Boghos Nubar, Sarkis Atamian, Katchaznouni, Rachel \\nBortnick, Halide Edip, McCarthy, W. B. Allen, Paul Muratoff and many \\nothers.\\n\\nJ. C. Hurewitz, Professor of Government Emeritus, Former Director of\\nthe Middle East Institute (1971-1984), Columbia University.\\n\\nBernard Lewis, Cleveland E. Dodge Professor of Near Eastern History,\\nPrinceton University.\\n\\nHalil Inalcik, University Professor of Ottoman History & Member of\\nthe American Academy of Arts & Sciences, University of Chicago.\\n\\nPeter Golden, Professor of History, Rutgers University, Newark.\\n\\nStanford Shaw, Professor of History, University of California at\\nLos Angeles.\\n\\nThomas Naff, Professor of History & Director, Middle East Research\\nInstitute, University of Pennsylvania.\\n\\nRonald Jennings, Associate Professor of History & Asian Studies,\\nUniversity of Illinois.\\n\\nHoward Reed, Professor of History, University of Connecticut.\\n\\nDankwart Rustow, Distinguished University Professor of Political\\nScience, City University Graduate School, New York.\\n\\nJohn Woods, Associate Professor of Middle Eastern History, \\nUniversity of Chicago.\\n\\nJohn Masson Smith, Jr., Professor of History, University of\\nCalifornia at Berkeley.\\n\\nAlan Fisher, Professor of History, Michigan State University.\\n\\nAvigdor Levy, Professor of History, Brandeis University.\\n\\nAndreas G. E. Bodrogligetti, Professor of History, University of California\\nat Los Angeles.\\n\\nKathleen Burrill, Associate Professor of Turkish Studies, Columbia University.\\n\\nRoderic Davison, Professor of History, George Washington University.\\n\\nWalter Denny, Professor of History, University of Massachusetts.\\n\\nCaesar Farah, Professor of History, University of Minnesota.\\n\\nTom Goodrich, Professor of History, Indiana University of Pennsylvania.\\n\\nTibor Halasi-Kun, Professor Emeritus of Turkish Studies, Columbia University.\\n\\nJustin McCarthy, Professor of History, University of Louisville.\\n\\nJon Mandaville, Professor of History, Portland State University (Oregon).\\n\\nRobert Olson, Professor of History, University of Kentucky.\\n\\nMadeline Zilfi, Professor of History, University of Maryland.\\n\\nJames Stewart-Robinson, Professor of Turkish Studies, University of Michigan.\\n\\n.......so the list goes on and on and on.....\\n\\n\\nSerdar Argic\\n\\n 'We closed the roads and mountain passes that \\n might serve as ways of escape for the Turks \\n and then proceeded in the work of extermination.'\\n (Ohanus Appressian - 1919)\\n 'In Soviet Armenia today there no longer exists \\n a single Turkish soul.' (Sahak Melkonian - 1920)\\n\\n\\n\",\n", + " 'Subject: Re: Death Penalty / Gulf War (long)\\nFrom: sham@cs.arizona.edu (Shamim Zvonko Mohamed)\\nOrganization: U of Arizona CS Dept, Tucson\\nLines: 44\\n\\nIn article <1993Apr22.015922.7418@daffy.cs.wisc.edu> mccullou@snake2.cs.wisc.edu (Mark McCullough) writes:\\n>In article <37501@optima.cs.arizona.edu> sham@cs.arizona.edu (Shamim Zvonko Mohamed) writes:\\n>>BULLSHIT!!! In the Gulf Massacre, 7% of all ordnance used was \"smart.\" The\\n>>rest - that\\'s 93% - was just regular, dumb ol\\' iron bombs and stuff.\\n\\n>I have heard figures closer to 80%, ...\\n\\n>>And of the 7% that was the \"smart\" stuff, 35% hit. Again - try to follow me\\n>>here - that means 65% of this \"smart\" arsenal missed.\\n\\n>Most figures I have seen place the hit ratio close to 70%, which is \\n>still far higher than your 35%.\\n\\n>> I have a source that says that to date, the civilian death count\\n>>(er, excuse me, I mean \"collateral damage\") is about 200,000.\\n\\n>I have _never_ seen any source that was claiming such a figure. Please\\n>post the source so its reliability can be judged. \\n\\nObviously, we have different sources. Bill Moyers (who happens to be a\\ntheist, to tie this to alt.atheism!) in his PBS documentary \"After The\\nWar\" is my main source. (I think I still have it on videotape.) Others\\ninclude The Nation and The Progressive.\\n\\nThe rest of the article is mere rationalisation. You may claim that\\nsanitation plants are strategic \"legitimate\" targets, but what happens to\\nthe civilians in a city with no sewer system? What happens to the\\ncivilians when you destroy water purification plants? And when hospitals\\ncan\\'t handle the resultant epidemics, because there is no more electricity?\\n\\nAnd what exactly are your sources? We have all, I\\'m sure, seen Postol\\'s\\ninterviews in the media where he demostrates how the Pentagon lied about\\nthe Patriot\\'s effectiveness; what is your source for the 70%\\neffectiveness you claim?\\n\\nIn any case, I don\\'t know if this is relevant to alt.atheism. How about\\nif we move it somewhere else?\\n\\n-s\\n--\\n Shamim Mohamed / {uunet,noao,cmcl2..}!arizona!shamim / shamim@cs.arizona.edu\\n \"Take this cross and garlic; here\\'s a Mezuzah if he\\'s Jewish; a page of the\\n Koran if he\\'s a Muslim; and if he\\'s a Zen Buddhist, you\\'re on your own.\"\\n Member of the League for Programming Freedom - write to lpf@uunet.uu.net\\n',\n", + " 'From: hammerl@acsu.buffalo.edu (Valerie S. Hammerl)\\nSubject: Re: Goalie Mask Update\\nOrganization: UB\\nLines: 19\\nNntp-Posting-Host: lictor.acsu.buffalo.edu\\n\\nIn article <93289@hydra.gatech.EDU> gtd597a@prism.gatech.EDU (Hrivnak) writes:\\n>\\n>\\tHere are the results after three days of voting. Remember 3pts for \\n>1st, 2 for 2nd, and 1 for 3rd. Also, you can still turn in votes! And.. if\\n>the guy isn\\'t a regular goalie or he is retired, please include the team! \\n>Thanks for your time, and keep on sending in those votes!\\n\\n> Glenn Healy (NYI), Tommy Soderstron (???), Ray LeBlanc (USA).\\n ^^^^^^^^^^^^^^^^^^^^^^\\n\\nSoderstrom plays with Philly, but he doesn\\'t have a moulded mask.\\nHe\\'s got the helmet and cage variety, in white. Or at least that\\'s\\nwhat he wore thirteen hours ago.\\n\\n-- \\nValerie Hammerl\\t\\t\\t\"Some days I have to remind him he\\'s not \\nhammerl@acsu.buffalo.edu\\tMario Lemieux.\" Herb Brooks on Claude\\nacscvjh@ubms.cc.buffalo.edu\\tLemieux, top scorer for the Devils, but \\nv085pwwpz@ubvms.cc.buffalo.edu known for taking dumb penalties.\\n',\n", + " \"From: kxn3796@hertz.njit.edu (Ken Nakata CIS stnt)\\nSubject: Re: VL-bus HDD/FDD controller or IDE HDD/FDD controller?\\nOrganization: New Jersey Institute of Technology, Newark, N.J.\\nLines: 35\\nNntp-Posting-Host: hertz.njit.edu\\n\\nIn article <1993Apr21.030410.22511@grebyn.com> richk@grebyn.com (Richard Krehbiel) writes:\\n>In article <62890018@hpsgm2.sgp.hp.com> taybh@hpsgm2.sgp.hp.com (Beng Hang TAY) writes:\\n>\\n>> Hi,\\n>> I am buying a Quantum LPS240AT 245 MB hardisk and is deciding a\\n>> HDD/FDD controller. Is 32-bit VL-bus HDD/FDD controller faster \\n>> than 16 bit IDE HDD/FDD controller card?\\n>\\n>No, VL-bus IDE is no faster than ISA IDE. The IDE interface is\\n>fundamentally nothing more than an extension of the ISA bus, and if\\n>you hook it to VL-bus it'll work as fast as the slower of the two,\\n>meaning ISA speed.\\n\\nIt's not true. IDE bus uses signals which has similar name and same\\nmeaning to the counterpart of ISA bus but its (IDE bus) signal timing\\ndoesn't have to be same to ISA signal timing. My VL-IDE bus card has\\na set of jumpers to set its transfer rate from 3.3MB/sec up to 8.3MB/\\nsec (the manufacturer might have to correct these numbers as 3.3\\n*milion* byte/sec and 8.3 *milion* byte/sec respectively). You\\ncannot transfer data at a rate of 8.3MB/sec on the ISA bus.\\n\\n>> I hear that\\n>> the VL bus controller is SLOWER than a IDE controller?\\n>\\n>On the other hand, I wouldn't expect it to be *slower*...\\n>-- \\n>Richard Krehbiel richk@grebyn.com\\n>OS/2 2.0 will do for me until AmigaDOS for the 386 comes along...\\n\\nKen Nakata\\n-- \\n/* I apologize if there are incorrect, rude, and/or impolite expressions in\\nthis mail or post. They are not intended. Please consider that English is a\\nsecond language for me and I don't have full understanding of certain words\\nor each nuance of a phrase. Thank you. -- Ken Nakata, CIS student, NJIT */\\n\",\n", + " \"From: einari@rhi.hi.is (Einar Indridason)\\nSubject: Re: How to the disks copy protected.\\nLines: 60\\nNntp-Posting-Host: hengill.rhi.hi.is\\n\\nIn <1993Apr26.163640.27632@csus.edu> kschang@sfsuvax1.sfsu.edu (Kuo-Sheng (Kasey) Chang) writes:\\n\\n>In article \\n>jmiller@terra.colostate.edu (Jeff Miller) writes: \\n\\n>>In an earlier article Kasey Chang wrote:\\n\\n>>: Nothing, but if you read my WHOLE suggestion, I'm saying that you register\\n>>: via MAIL by mailing in your registration card, THEN the company send you\\n>>: the patch which includes the info you put on the registration card.\\n\\n>>The problem with this scheme, is that when I buy a game, I want to play it\\n>>*THAT* day...mailing a card to and from California would probably take a week\\n>>or more.\\n\\n>I didn't say the program is DISABLED, did I? (I HATE!!!! it when people\\n>take my words out of context...) I mean that once you have installed it,\\n>you cannot DEinstall it without registering it, or transfer it to another\\n>machine, or SOME SORT OF LIMITATION (the author will decide), WHICH WILL\\n>BE REMOVED WHEN THE PROGRAM IS REGISTERED. \\n\\n\\nWHAT??!!!!\\n\\nYou can't remove it, unless you register? \\nYou gotta be joking, right?\\nWhat happens if I get a demo-version of that program, install it, and then\\ndecide that I don't like it. Do I have to register to be able to get rid\\nof it? (Hell, no, that is the last thing I would think of!)\\nIf that is what you mean, then you would better make pretty sure, that a\\nstatement to that effect is printed loud and clear on the package!\\n\\n\\nA better way to implement the above mentioned scheme is (IMHO) to allow\\nanyone to install the program, but if they register, they get some\\nadditional features enabled. It could mean only one new .EXE file needed\\nto be copied, to have got the full-version of the program.\\nOf course anyone is _free_ to _delete_ or _remove_ that program at whatever\\ntime they like.\\n\\nStill, we face the trouble of 'moving' the new .EXE file around. That\\ncould be solved by having the user registering him self, and get back a\\nspecially marked for him (or her) a new .exe file.\\n\\n\\nAs for some sort of limitations, here are some suggestions:\\nLimit the size of data that the program can work with,\\nDisable saving the data,\\nPrint it out with some defects in the output (but be sure to mark them as\\nsuch)\\nLet some pop-up screen appear for ca. 10 secs. when the program is started\\nand/or exited\\n\\netc....\\nbut DON'T have it that you _must_ register to be able to remove it.\\n\\n\\n\\n--\\neinari@rhi.hi.is\\n\",\n", + " 'From: scs8@cunixb.cc.columbia.edu (Sebastian C Sears)\\nSubject: MSF Program where?\\nNntp-Posting-Host: cunixb.cc.columbia.edu\\nReply-To: scs8@cunixb.cc.columbia.edu (Sebastian C Sears)\\nOrganization: Columbia University\\nDistribution: usa\\nLines: 10\\n\\n\\n\\tCould someone mail me the archive location of the MSF Program (for\\n\\tan IBM, right?)?\\n\\n\\tThanks,\\n\\n-------\\n\"This is where I wanna sit and buy you a drink someday.\" - Temple of the Dog\\nSea-Bass Sears --> scs8@cunixb.cc.columbia.edu --> DoD#516 <-- |Stanley, ID.|\\n \\'79 Yamaha XS750F -- \\'77 BMW R100S -- \\'85 Toyota 4Runner -- | NYC, NY. |\\n',\n", + " 'From: tedcrum@garnet.berkeley.edu (Ted Crum)\\nSubject: Re: Trademark violation claimed\\nOrganization: University of California, Berkeley\\nLines: 6\\nDistribution: inet\\nNNTP-Posting-Host: garnet.berkeley.edu\\nKeywords: Clipper, wiretap\\n\\n\\nThe RISC processor made by Fairchild, sold to Intergraph, much the same\\nstory as the R4000.\\n\\nRemember how Spielberg lost the control of Star Wars when the DOD started\\nusing the name? The loss was confirmed in court. \\n',\n", + " \"From: dac@cbnewsf.cb.att.com (david.a.copperman)\\nSubject: click to focus vs. point to focus?\\nOrganization: AT&T\\nLines: 12\\n\\nI am having the problem of ensuring point-to-focus when the mouse\\ncursor enters a window in my application. I'm using InterViews,\\nbut that may not matter, this seems to be a generic problem in X.\\nFor example, I use OpenWindows on a Sparc2, with point-to-focus\\nset, and that generally works, but not always, depending on what\\nwas going on in some window when I move the cursor from one shell\\ntool window to another. Or so it seems...\\n\\nMy question, then, is what can I do within X to guarantee point-to-\\nfocus within my application? Thanks for any response.\\n\\nDave\\n\",\n", + " 'From: mdc2@pyuxe.cc.bellcore.com (corrado,mitchell)\\nSubject: Re: Route Suggestions?\\nOrganization: Bellcore, Livingston, NJ\\nDistribution: usa\\nSummary: New York, heh?\\nLines: 17\\n\\nIn article <1qmm5dINNnlg@cronkite.Central.Sun.COM>, doc@webrider.central.sun.com (Steve Bunis - Chicago) writes:\\n> 55E -> I-81/I-66E. After this point the route is presently undetermined\\n> into Pennsylvania, New York?, and back to Chicago (by 6/6). Suggestions \\n\\nIf you do make it into New York state, the Palisades Interstate Parkway is a\\npleasant ride (beautiful scenery, good road surface, minimal traffic). You\\nmay also want to take a sidetrip along Seven Lakes Drive just off the parkway\\nfor the same reasons plus the road sweeps up and down along the hills with\\nsweeping turns under old forest canopy.\\n\\n \\'\\\\ Mitch Corrado\\n _\\\\______ Bell Communications Research\\n / DEC \\\\======== mdc2@panther.tnds.bellcore.com\\n ____|___WRECK__\\\\_____ (908)699-4128\\n / ___________________ \\\\\\n \\\\/ _===============_ \\\\/ MAD VAX\\n \"-===============-\" -The \"Code\" Warrior-\\n',\n", + " \"From: bearpaw@world.std.com (bearpaw)\\nSubject: Re: MOW BODYCOUNT\\nOrganization: The World Public Access UNIX, Brookline, MA\\nLines: 33\\n\\nspp@zabriskie.berkeley.edu (Steve Pope) writes:\\n\\n>> Any thoughts on who is going to count all of the gorgeous bodies at \\n>> the MOW? The press? The White House Staff? The most Junior \\n>> Senator? The King of the motss/bi? \\n>>\\n>> Just curious as to whose bias we are going to see when the numbers \\n>> get brought out.\\n>\\n>Probably, law enforcement people (Park Service Police and D.C. cops),\\n>who will use aerial photographs and extrapolate based on the\\n>density of the crowd in small regions.\\n>\\n>These sort of techniques derive from Army Intelligence and CIA\\n>methods of estimating troop strength, and tend to be\\n>methodologically skewed to always come up with inflated numbers,\\n>so as to justify bigger budgets.\\n\\nJudging from past experience (the '87 March, a Peace and Justice March the \\nsame year, and 3 different Pro-coice Marches), The Park Service will come out\\nwith an estimate that is approximately 1/2 the estimate that organizers will\\ncome up with - though the last Choice march I went to had a sign-in system, \\nand the numbers ended up closer. And then you've got the media types in their\\nhelicopters, rolling dice.\\n\\nI believe the MOW plans and handing out some sort of wristband thingy, and \\nbasing their count on those. I see two problems with this. One, can they \\nget *everybody* to take one (and only one)? Two, they couldn't possibly have\\nbeen able to choose a color/design that won't clash with *somebody's* outfit!\\n\\n:->\\nbearpaw\\n\\n\",\n", + " 'From: ssa@unity.ncsu.edu (S. Alavi)\\nSubject: >>> AT&T \"6300+\" UNIX SysV Software for sale (BEST OFFER) (repost) <<<\\nOrganization: NC State University\\nDistribution: usa\\nLines: 22\\n\\n\\tHere is your chance to have a full UNIX System at a small cost:\\n\\n\\tI have a full set of Unix system for the AT&T 6300+ for sale.\\n\\tIt is version 2.5 (The latest as far as I know) and \\n\\tincludes all the software (1.2Meg 5.25\" floppies) and \\n\\tManuals for:\\n\\t\\t- Base OS\\n\\t\\t- Development tools (C compilers etc...)\\n\\t\\t- Dos Merge (Simultask)\\n\\t\\t- etc.\\n\\n\\t(I beleive the software requires a 6300+ and will not work on\\n\\tany other machine)\\n\\n\\tI also have a few AT&T 6300 and + manuals including the System \\n\\tProgrammers Guide if anyone is interested.\\n\\n\\tDrop me a line with your offer if you are interested.\\n\\n\\t(Please include this message for reference)\\n\\t====== S. Alavi [ssa@unity.ncsu.edu] (919)467-7909 (H) ========\\n\\t\\t\\t\\t\\t\\t (919)515-8063 (W)\\n',\n", + " 'From: bshaw@spdc.ti.com (Bob Shaw)\\nSubject: SUMMARY xon and X11R5\\nNntp-Posting-Host: bobasun\\nOrganization: TI Semiconductor Process and Design Center\\nLines: 15\\n\\n\\nHi folks\\nThanks to the ones that replied, however, my problem turned out\\nto be very simple.\\n\\nIn my .Xresources I had a space after XTerm*font: 10x20.\\nRemoving this and xrdb fixed my problem.\\n\\nAlso, same symptom, was that some of my users did not have the\\nproper capitals for XTerm*font.\\n\\nThanks again\\n\\nBob\\n\\n',\n", + " 'From: cdt@sw.stratus.com (C. D. Tavares)\\nSubject: Re: Limiting Govt (was Re: Employment (was Re: Why not concentrate...)\\nOrganization: Stratus Computer, Inc.\\nLines: 36\\nDistribution: world\\nNNTP-Posting-Host: rocket.sw.stratus.com\\n\\n(misc.legal trimmed)\\n\\nIn article , rcollins@ns.encore.com (Roger Collins) writes:\\n\\n> Let me explain some possible \"means\" to libertarian-style government\\n> one last time.\\n\\n> If the dominate philosophy of a society held that it was OK to kill your\\n> neighbor for sport, no government system (except a strong tyranny by the\\n> minority) could keep the people from killing each other.\\n\\n> The dominate philosophy in our society holds that it is OK for people to\\n> steal and coerce each other as long as it\\'s done by vote or through the\\n> government machine. Libertarians realize what this legal stealing and\\n> coercion does to a society.\\n\\n> So just as a society of non-murderers would not vote for the \"right\" to\\n> murder, a society of non-coercers would not vote for the ability to\\n> coerce.\\n\\n> If libertarianism became the dominate philosophy, the people would do a\\n> good job of restraining government (to the extent that libertarianism\\n> was dominate).\\n\\n> So means #1 is educating the people to become libertarian.\\n\\nWell, that\\'s the obvious conclusion, given your train of logic. The\\ncorollary then is that it must be a waste of time for the party to run\\ncandidates until the educational program has shown some results.\\n\\nFollowups to a.p.l.\\n-- \\n\\ncdt@rocket.sw.stratus.com --If you believe that I speak for my company,\\nOR cdt@vos.stratus.com write today for my special Investors\\' Packet...\\n\\n',\n", + " 'From: ray@unisql.UUCP (Ray Shea)\\nSubject: Re: Ok, So I was a little hasty...\\nOrganization: UniSQL, Inc., Austin, Texas, USA\\nLines: 15\\n\\nIn article <1993Apr20.010734.18225@megatek.com> randy@megatek.com writes:\\n>... Perhaps DWI in Lousiana *is* confined\\n>to liquor?\\n\\n*Everything* in Louisiana is related to liquor: eating, sleeping, walking,\\ntalking, church, state, life, death, and everything in between.\\n\\nPlus the food is good, too.\\n\\n\\n-- \\nRay Shea \\t\\t \"they wound like a very effective method.\"\\nUniSQL, Inc.\\t\\t --Leah\\nunisql!ray@cs.utexas.edu some days i miss d. boon real bad. \\nDoD #0372 : Team Twinkie : \\'88 Hawk GT \\n',\n", + " 'From: uni@acs2.bu.edu (Shaen Bernhardt)\\nSubject: Re: Overreacting (was Re: Once tapped, your code is no good any more)\\nDistribution: na\\nOrganization: Boston University, Boston, MA, USA\\nLines: 42\\n\\nIn article <1993Apr23.134422.25521@rick.dgbt.doc.ca> jhan@debra.dgbt.doc.ca (Jerry Han) writes:\\n>In article <116530@bu.edu> uni@acs.bu.edu (Shaen Bernhardt) writes:\\n\\n[Text Deleted]\\n\\n>>To be quite honest, the way things are going, I\\'d call it self defense.\\n\\n>I never advocated not saying what you believe in. I\\'m advocating second\\n>thought, and calm. \\n>\\n>\"A smart warrior defeats the enemy in ambush on the battlefield\"\\n>\"A smarter warrior defeats the enemy in open warfare on the battlefield\"\\n>\"The smartest warrior defeats the enemy without using the battlefield\"\\n>\\n>Think about it. \\n\\nI have, my thesis was on Sun Tzu.\\n\\nMore to the point:\\n\\nThose who are called the good militarists of old, could make opponents\\nlost contact between front and back lines, lose reliability between\\nlarge and small groups, lose mutual concern for the welfare of the\\ndifferent social classes among them, lose mutual accomodation between\\nthe rulers and the ruled, lose enlistments among the soldiers, lose\\ncoherence within the armies. They went into action when it was\\nadvantageous, stopped when it was not.\\n\\nToday it is. Sitting on your hands will get you nowhere in this battle.\\n\\n>-- \\n>Jerry Han-CRC-DOC-Div. of Behavioural Research-\"jhan@debra.dgbt.doc.ca\"\\n>///////////// These are my opinions, and my opinions only. \\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\n>\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\ A proud and frozen member of the Mighty Warriors Band //////// \\n>\"Memories of those I\\'ve left behind, still ringing in my ears.\"-Genesis-\\n\\nuni@acs.bu.edu\\n-- \\nuni@acs.bu.edu -> Public Keys by finger and/or request\\nPublic Key Archives: \\nSovereignty is the sign of a brutal past.<>Fight Clinton\\'s Wiretap Chip!\\nDF610670F2467B99 97DE2B5C3749148C <> Crypto is not a Crime! Ask me how!\\n',\n", + " 'From: tedward@cs.cornell.edu (Edward [Ted] Fischer)\\nSubject: Re: Bases loaded walk gives Reds win in 12\\nOrganization: Cornell Univ. CS Dept, Ithaca NY 14853\\nLines: 87\\n\\nIn article mss@netcom.com (Mark Singer) writes:\\n>\\n>Actually, I think the large-scale sample size is part of the problem.\\n>It seems to me that if we were to plot all the players in baseball\\n>in regard to BA vs. Clutch BA deviation we would get some kind of\\n>bell curve. (The X-axis being the +/- deviation in clutch hitting\\n>vs. non-clutch; the Y-axis being the number of players.) Certainly\\n>there would be *some* players on the extreme ends of the bell.\\n\\nRight. Most definitely.\\n\\n>My *supposition* is that if we were to find the SAME players\\n>consistently (year after year) at one end of the bell or the other,\\n>then we might be able to make some reasonable conclusions about\\n>*those* players (as opposed to all baseball players).\\n\\nThis may be the root of the confusion...\\n\\nPlease consider the following hypothetical with an open mind. Note\\nthat I am *not* (yet) saying that it has anything to do with the\\nquestion at hand.\\n\\nSuppose we have a simplified Lotto game. You pick a number from 1-10\\nand win if that number is drawn. Suppose we have a large population\\nof people who play this game every week.\\n\\nIn the first year of the game, approximately 1/4 of the population\\nwill win 7 or more times.\\n\\nIn the second year of the game, 1/4 of those 7-time winners will again\\nbe 7-time winners.\\n\\nIn the third year of the game, 1/4 of those who won 7 or more times in\\neach of the first two years will win 7 again.\\n\\nSuppose I started with 1024 people in my population. After three\\nyears, I have 32 people who have consistently, in each of the last\\nthree years, won 140% or more the number of times expected.\\n\\nDo we expect them to be big winners in the fourth year of the game?\\nNo. Because we know there is no skill involved. Nothing about these\\n\"consistent winners\" can influence their chances of winning. But\\nsuppose we *don\\'t* know whether or not there is a chance that skill\\nmight be involved. Perhaps some of the people in our population are\\npsychic, or something. How would we test this hypothesis?\\n\\nWe can look for correlations in the population. Now most of the\\npopulation will show zero correlation. But our psychics should show a\\nhigh positive correlation (even if they aren\\'t very good psychics,\\nthey should still manage to win 7 or more times most years). Net\\nresult? A small positive correlation over the entire population.\\n\\n>This probably brings us to the heart of the disagreement I am having\\n>with others on this topic. Must any conclusion based on statistical\\n>history be able to be applied broadly throughout a data base before\\n>it has any validity? Is it impossible (or irrational) to apply\\n>statistical analysis to selected components of the data base?\\n\\nWell, zero correlation is zero correlation. You mention that Sabo has\\nhit poorly in the clutch over the last 3(?) years. But if we look at\\nthe past, we find that clutch patterns are just as likely to reverse\\nas they are to remain consistent. The length of the streak doesn\\'t\\nseem to make a difference to the probability that the player will be\\nclutch or choke the next year. Is there any reason to expect *this*\\nstreak to be different from past streaks?\\n\\nNow if it were true that \"75% of all three-year streaks remained true\\nto form\", then we might have something useful. But then we wouldn\\'t\\nhave zero correlation. Instead we have \"50% of all three-year streaks\\nremain true to form, and 50% of all three-year streaks reverse\". You\\nlook at those numbers and say \"three year choke streak implies more\\nlikely to choke this year\". But it would be equally valid to look at\\nthose numbers and say \"three year choke streak implies more likely to\\nbe clutch this year\", since the probabilities are split 50-50 each\\nway.\\n\\n>I completely accept that reasoning. Again, what if we were to find\\n>the same individuals at each end of the spectrum on a consistent\\n>basis? \\n\\nThen we would have something useful. And we would also have a\\npositive correlation. But for every individual that exhibits such a\\npattern and holds true, there is another who exhibits such a pattern\\nand then reverses.\\n\\nCheers,\\n-Valentine\\n',\n", + " 'From: REXLEX@fnal.fnal.gov\\nSubject: Re: Certainty and Arrogance\\nOrganization: FNAL/AD/Net\\nLines: 70\\n\\nIn article \\nkilroy@gboro.rowan.edu (Dr Nancy\\'s Sweetie) writes:\\n>\\n>There is no way out of the loop.\\n\\nOh contrer mon captitan! There is a way. Certainly it is not by human reason.\\n Certainly it is not by human experience. (and yet it is both!) To paraphrase\\nSartre, the particular is absurd unless it has an infinite reference point. It\\nis only because of God\\'s own revelation that we can be absolute about a thing. \\nYour logic comes to fruition in relativism. \\n>\\n>\"At the core of all well-founded belief, lies belief that is unfounded.\"\\n> -- Ludwig Wittgenstein\\n\\nAh, now it is clear. Ludwig was a desciple of Russell. Ludwig\\'s fame is often\\nexplained by the fact that he spawned not one but two significant movements in\\ncontemporary philosophy. Both revolve around Tractatus Logico-Philosphicus\\n(\\'21) and Philosophical Investigation (\\'53). Many of Witt\\'s comments and\\nimplicit conclusions suggest ways of going beyond the explicit critique of\\nlanguage he offers. According to some of the implicit suggestions of Witt\\'s\\nthought, ordinary language is an invaluable resource, offering a necessary\\nframework for the conduct of daily life. However, though its formal features\\nremain the same, its content does not and it is always capable of being\\ntranscended as our experience changes and our understanding is deepened, giving\\nus a clearer picture of what we are and what we wish to say. On Witt\\'s own\\naccount, there is a dynamic fluidity of language. It is for this reason that\\nany critique of language must move from talking about the limits of language to\\ntalking about its boundaries, where a boundary is understood not as a wall but\\na threshold.\\n vonWrights\\'s comment that Witt\\'s \"sentences have a content that often lies\\ndeep beneath the surface of language.\" On the surface, Witt talks of the\\ninsuperable position of ordinary language and the necessity of bringing\\nourselves to accept it without question. At the same time, we are faced with\\nWitt\\'s own creative uses of language and his concern for bringing about changes\\nin our traditional modes of understanding. Philosophy, then, through more\\nperspicacious speech, seeks to effect this unity rather than assuming that it\\nis already functioning. Yes? The most brilliant of scientists are unable to\\noffer a foundation for human speech so long as they reject Christianity! In his\\nTractatus we have the well nigh perfect exhibition of the nature of the impasse\\nof the scientific ideal of exhaustive logical analysis of Reality by man. \\nPerfect language does not exist for fallen man, therefore we must get on about\\nour buisness of relating Truth via ordinary language.\\n\\n This is why John\\'s Gospel is so dear to most Christians. It is so simple in\\nit conveyance of the revealation of God, yet so full of unlieing depth of\\nunderstanding. He viewed Christ from the OT concept of \"as a man thinketh, so\\nhe is.\" John looked at the outward as only an indicator of what was inside,\\nthat is the consciousness of Christ. And so must we. Words are only vehicals\\nof truth. He is truth. The scriptures are plain in their expounding that\\nthere is a Truth and that it is knowable. THere are absolutes, and they too\\nare knowable. However, they are only knowable when He reveals them to the\\nindividual. There is, and we shouldn\\'t shy from this, a mysticism to\\nChristianity. Paul in ROm 8 says there are 3 men in the world. There is the\\none who does not have the Spirit and therefore can not know the things of the\\nSpirit (the Spirit of Truth) and there is the one who has the Spirit and has\\nthe capacity to know of the Truth, but there is the third. THe one who not\\nonly has the Spirit, but that the Spirit has him! Who can know the deep things\\nof God and reveal them to us other than the Spirit. And it is only the deep\\nthings of GOd that are absolute and true.\\n There is such a thing as true truth and it is real, it can be experienced\\nand it is verifiable. I disagree with Dr Nancy\\'s Sweetie\\'s conclusion because\\nif it is taken to fruition it leads to relativism which leads to dispair. \\n\\n\"I would know the words which He would answer me, and understand what He would\\nsay unto me.\" Job 23ff\\n\\n--Rex\\n\\nsuggested, easy reading about epistimology: \"He is there and He is not Silent\"\\n by Francis Schaeffer.\\n',\n", + " 'From: jake@bony1.bony.com (Jake Livni)\\nSubject: Re: Unconventional peace proposal\\nOrganization: The Department of Redundancy Department\\nLines: 85\\n\\nIn article <1483500348@igc.apc.org> cpr@igc.apc.org (Center for Policy Research) writes:\\n>\\n>From: Center for Policy Research \\n>\\n>A unconventional proposal for peace in the Middle-East.\\n>---------------------------------------------------------- by\\n>\\t\\t\\t Elias Davidsson\\n\\nOf all the stupid postings you\\'ve brought here recently, it is\\nilluminating that you chose to put your own name on perhaps the\\nstupidest of them.\\n\\n>The following proposal is based on the following assumptions:\\n>\\n>1. Fundamental human rights, such as the right to life, to\\n>education, to establish a family and have children, to human\\n>dignity, the right to free movement, to free expression, etc. are\\n>more important to human existence that the rights of states.\\n\\nDoes this mean that you are calling for the dismantling of the Arab\\nstates? \\n\\n>2. In the event of a conflict between basic human rights and\\n>rights of collectivities, basic human rights should prevail.\\n\\nApparently, your answer is yes.\\n\\n>6. Attempts to solve the Israeli-Arab conflict by traditional\\n>political means have failed.\\n\\nAttempts to solve these problem by traditional military means and\\nnon-traditional terrorist means has also failed. But that won\\'t stop\\nthem from trying again. After all, it IS a Holy War, you know.... \\n\\n>7. As long as the conflict is perceived as that between two\\n>distinct ethnical/religious communities/peoples which claim the\\n>land, there is no just nor peaceful solution possible.\\n\\n\"No just solution possible.\" How very encouraging.\\n\\n>Having stated my assumptions, I will now state my proposal.\\n\\nYou mean that it gets even funnier?\\n\\n>1. A Fund should be established which would disburse grants\\n>for each child born to a couple where one partner is Israeli-Jew\\n>and the other Palestinian-Arab.\\n[...]\\n>3. For the first child, the grant will amount to $18.000. For\\n>the second the third child, $12.000 for each child. For each\\n>subsequent child, the grant will amount to $6.000 for each child.\\n>\\n>4. The Fund would be financed by a variety of sources which\\n>have shown interest in promoting a peaceful solution to the\\n>Israeli-Arab conflict, \\n\\nNo, the Fund should be financed by the Center for Policy Research. It\\nIS a major organization, isn\\'t it? Isn\\'t it?\\n\\n>5. The emergence of a considerable number of \\'mixed\\'\\n>marriages in Israel/Palestine, all of whom would have relatives on\\n>\\'both sides\\' of the divide, would make the conflict lose its\\n>ethnical and unsoluble core and strengthen the emergence of a\\n>truly civil society. \\n\\nYeah, just like marriages among Arabs has strengthened their\\nsocieties. \\n\\n>The existence of a strong \\'mixed\\' stock of\\n>people would also help the integration of Israeli society into the\\n>Middle-East in a graceful manner.\\n\\nThe world could do with a bit less Middle Eastern \"grace\".\\n\\n>Objections to this proposal will certainly be voiced. I will\\n>attempt to identify some of these:\\n\\nBoy, you\\'re a one-man band. Listen, if you\\'d like to Followup on your\\nown postings and debate with yourself, just tell us and we\\'ll leave\\nyou alone.\\n\\n-- \\nJake Livni jake@bony1.bony.com Ten years from now, George Bush will\\nAmerican-Occupied New York have replaced Jimmy Carter as the\\nMy opinions only - employer has no opinions. standard of a failed President.\\n',\n", + " 'From: behanna@syl.nj.nec.com (Chris BeHanna)\\nSubject: Re: Cobra Locks\\nOrganization: NEC Systems Laboratory, Inc.\\nDistribution: usa\\nLines: 33\\n\\nIn article <1993Apr21.105043.22848@hemlock.cray.com> ant@palm21.cray.com (Tony Jones) writes:\\n>Steve Bunis SE Southwest Chicago (doc@webrider.central.sun.com) wrote:\\n>: I was posting to Alt.locksmithing about the best methods for securing \\n>: a motorcycle. I got several responses referring to the Cobra Lock\\n>: (described below). Has anyone come across a store carrying this lock\\n>: in the Chicago area?\\n>: \\n>: Any other feedback from someone who has used this?\\n>\\n>What about the new Yamaha \"Cyclelok\" ?\\n\\n\\tIt is far from new. It\\'s been around almost as long as dirt.\\n\\n>From the photo in Motorcyclist, it looks the same hardened steel as a \\n>Kryptonite U lock, except it folds in five places.\\n>It seems to extend out far enough to lock the rear tire to the tube of\\n>a parking sign or similar.\\n>\\n>Anyone had any experience with them, how easy is it to attack the lock\\n>at the jointed sections ?\\n\\n\\tI had one for one of my old bikes. Worked fine. I\\'m sure, being\\nrigid and nonflexible, that the \"Cyclelok\" would yield instantly to the freeze\\nand break routine.\\n\\n\\tBut then, for $40, what do ya want?\\n\\nLater,\\n-- \\nChris BeHanna\\tDoD# 114 1983 H-D FXWG Wide Glide - Jubilee\\'s Red Lady\\nbehanna@syl.nj.nec.com\\t 1975 CB360T - Baby Bike\\nDisclaimer: Now why would NEC\\t 1991 ZX-11 - needs a name\\nagree with any of this anyway? I was raised by a pack of wild corn dogs.\\n',\n", + " \"From: hbloom@moose.uvm.edu (*Heather*)\\nSubject: re: earwax\\nOrganization: University of Vermont -- Division of EMBA Computer Facility\\nLines: 20\\n\\nHi Stephen\\nEar wax is a healthy way to help prevent ear infections, both by preventing\\na barrier and also with some antibiotic properties. Too much can block the\\nexternal auditory canal (the hole in the outside of the ear) and cause some \\nhearing problems. It is very simple, and safe, to remove excess wax on your\\nown, or at your physician's office. You can take a syringe (no needles!) and\\nfill it with 50% warm water (cold can cause fainting) and 50% OTC hydrogen\\nperoxide. Then point the ear towards the ceiling ( about 45 degrees up)\\nand insert the tip of the syringe (helps to have someone else do this!) and \\nfirmly expell the solution. Depending on the size of the syringe and the\\ntenacity of the wax, this could take several rinses. If you place a bowl \\nunder the ear to catch the water, it will be much drier :-). You can buy\\na syringe with a special tip at your local pharmacy, or just use whatever\\nyou may have. If wax is old, it will be harder, and darker. You can try\\nadding a few drops of olive oil into the ear during a shower to soften up\\nthe wax. Do this for a couple days, then try syringing again. It is also\\nsafe to point your ear up at the shower head, and allow the water to rinse\\nit out.\\nGood Luck\\n-heather\\n\",\n", + " \"From: webb@itu1 (90-29265 Webber AH)\\nSubject: Re: Adcom cheap products?\\nOrganization: Rhodes University, Grahamstown, South Africa\\nX-Newsreader: TIN [version 1.1 PL8]\\nLines: 52\\n\\nAaron Lung (alung@megatest.com) wrote:\\n: >I was also sceptical about the amps being built in the far-east\\n: > or where-ever. But if you look in the amp and see what components\\n: > they use and how it was designed, you can easily see why the\\n: > amplifiers sound so brilliant.\\n\\n: Good point...also, I wouldn't be surprised that the components\\n: they use off-shore are of inferior quality. As long as it was\\n: properly designed and robust, premium components are used, it\\n: shouldn't matter where it is assembled.\\n\\nDefinately, I agree wholeheartedly. If they can build the amp where\\n the labour is not so expensive, they can afford to put decent\\n components in and go to more effort to improve the design of the\\n amplifier - as Adcom has done.\\n\\n: >I cannot see why people say the amplifier won't last - not with\\n: > those quality components inside. Sure the amp runs very fairly\\n: > hot - but that's how you get an amp to sound incredibly good.\\n\\n: An amp that runs hot has no bearing on how it's gonna sound.\\n: The amp you have probably is running Class-A the whole day.\\n\\n: Actually, I'd be wary of excessively hot amps, 'cauz even though\\n: the components inside may be rated to run that way, excessive \\n: heat will dramatically shorten the life of *any* electronic component\\n: regardless of quality. In fact, an amp that does run hot to the touch is\\n: because either the engineer or manufacturer of that amp wanted\\n: to skimp on heatsinking or cooling to save costs! Hmmmmm....\\n\\nSure, I didn't mean to imply that because of the heat generated, the\\n amp sounds good. My Adcom GFP 535II runs fairly warm - not hot to\\n the touch - but enough to satisfy me that the amp is running nicely.\\nI don't like it when an amp runs dead-cold. It makes one think that\\n the amp is doing nothing :)\\nThe heatsinks that Adcom uses in their amps are certainly far for\\n skimpy - they're massive things with heating vents both below\\n and above. More than enough to carry away excessive heat.\\n\\nMy opinions once again.\\n\\n--\\n***********************************************************************\\n** Alan Webber **\\n** webb@itu1.sun.ac.za **\\n** webb@itu2.sun.ac.za **\\n** **\\n** The path you tread is narrow and the drop is sheer and very high **\\n** The ravens all are watching from a vantage point near by **\\n** Apprehension creeping like a choo-train up your spine **\\n** Will the tightrope reach the end; will the final couplet rhyme **\\n***********************************************************************\\n\",\n", + " \"From: mbeaving@bnr.ca (M Beavington)\\nSubject: Re: Insurance and lotsa points...\\nNntp-Posting-Host: bmerh824\\nReply-To: MBEAVING@BNR.CA\\nOrganization: BNR Ottawa, DMS Software Design\\nLines: 15\\n\\nIn article <13386@news.duke.edu>, infante@acpub.duke.edu (Andrew Infante) writes:\\n|> Well, it looks like I'm F*cked for insurance.\\n|> \\n|> I had a DWI in 91 and for the beemer, as a rec.\\n|> vehicle, it'll cost me almost $1200 bucks to insure/year.\\n|> \\n|> Now what do I do?\\n|> \\n\\nGo bikeless. You drink and drive, you pay. No smiley.\\n\\n\\nMike Beavington\\nmbeaving@bnr.ca\\n*opinions are my own and not my companies'.\\n\",\n", + " \"From: sandvik@newton.apple.com (Kent Sandvik)\\nSubject: Re: The Inimitable Rushdie (Re: An Anecdote about Islam\\nOrganization: Cookamunga Tourist Bureau\\nLines: 16\\n\\nIn article <115288@bu.edu>, jaeger@buphy.bu.edu (Gregg Jaeger) wrote:\\n> He'd have to be precise about is rejection of God and his leaving Islam.\\n> One is perfectly free to be muslim and to doubt and question the\\n> existence of God, so long as one does not _reject_ God. I am sure that\\n> Rushdie has be now made his atheism clear in front of a sufficient \\n> number of proper witnesses. The question in regard to the legal issue\\n> is his status at the time the crime was committed. \\n\\nGregg, so would you consider that Rushdie would now be left alone,\\nand he could have a normal life? In other words, does Islam support\\nthe notion of forgiving?\\n\\nCheers,\\nKent\\n---\\nsandvik@newton.apple.com. ALink: KSAND -- Private activities on the net.\\n\",\n", + " \"From: Charlie Fulton \\nSubject: Re: Abortion\\nOrganization: Ctr for Advanced Rsrch in Oppressive Binarisms\\nLines: 16\\nDistribution: world\\nNNTP-Posting-Host: barabajagal-too.mit.edu\\nX-UserAgent: Nuntius v1.1\\n\\nIn article Larry Margolis, \\nmargoli@watson.ibm.com writes:\\n>In <17858.459.uupcb@ozonehole.com> anthony.landreneau@ozonehole.com \\n(Anthony \\n>Landreneau) writes:\\n>>\\n>>The rape has passed, there is nothing that will ever take that away.\\n>\\n>True. But forcing her to remain pregnant continues the violation of\\n>her body for another 9 months. I see this as being unbelievably cruel.\\n\\nIf she doesn't welcome the excruciating pain of labor, the\\nselfish bitch deserves to die in childbirth. She was probably\\nlying about the rape anyway.\\n\\nCharlie\\n\",\n", + " \"From: ob00@ns1.cc.lehigh.edu (OLCAY BOZ)\\nSubject: Re: Postscript view for DOS or Windows?\\nOrganization: Lehigh University\\nLines: 21\\n\\n\\nWhere can I find the MS windows version of ghostscript? Thanks..\\n\\n\\nIn article , hjstein@sunrise.huji.ac.i\\nl (Harvey J. Stein) writes:\\n>I've been using version 2.5.2 of ghostscript, and I'm quite satisfied\\n>with it. There are, actually, 3 versions: a plain dos version, a 386\\n>version, and a windows version.\\n>\\n>Harvey Stein\\n>hjstein@math.huji.ac.il\\n>\\n-- \\n____________________________________________________________________________\\n****************************************************************************\\n\\n _m_\\n _ 0___\\n \\\\ _/\\\\__ |/\\n \\\\ /|\\n\",\n", + " 'From: jake@bony1.bony.com (Jake Livni)\\nSubject: Re: Final Solution for Gaza ?\\nOrganization: The Department of Redundancy Department\\nLines: 19\\n\\nIn article <2BDCCB7D.2715@news.service.uci.edu> tclock@orion.oac.uci.edu (Tim Clock) writes:\\n\\n>Tell *them* to stay home? :-) Sorry, terrible attempt at homour there.\\n>\\n>Alternative? Hell, I don\\'t know. But...its perfectly possible to have\\n>objections to a particular policy while feeling that there is no \\n>\"alternative choice\".\\n\\nSealing off the Gaza Strip has the interesting side-effect of\\ndemonstrating the non-viability of Gaza as an independent state.\\nWhere are all of these people going to go to find work if they are\\nseparated from Israel? If they complain about having to show id cards\\non the way to work, how will they feel about showing passports on the\\nway to work?\\n\\n-- \\nJake Livni jake@bony1.bony.com Ten years from now, George Bush will\\nAmerican-Occupied New York have replaced Jimmy Carter as the\\nMy opinions only - employer has no opinions. standard of a failed President.\\n',\n", + " 'From: abdkw@stdvax (David Ward)\\nSubject: Re: Questions about Titan IV and Ariane 5\\nDistribution: sci\\nOrganization: Goddard Space Flight Center - Robotics Lab\\nLines: 26\\nNews-Software: VAX/VMS VNEWS 1.4-b1\\n\\nIn article , gwg33762@uxa.cso.uiuc.edu (Garret W. Gengler) writes...\\n>In sci.space you write:\\n> \\n>>Try the ENVIRONET database at GSFC. FTP to envnet.gsfc.nasa.gov or \\n>>128.183.104.16, or call (310)286-5690. They have data on STS, Ariane, Titan, \\n>>Atlas, Delta and Scout launch environments.\\n> \\n>Howdy. Thanks for the info.\\n> \\n>I tried \"anonymous\" FTP there, but it didn\\'t work.\\n>I also tried telnetting to the same address, but it asked for a login\\n>and password, although there was a note saying that the new username for\\n>environet was \"envnet\". \\n> \\n>Anyways, do you have any idea what else I should try?\\n> \\n>Thanks,\\n>Garret\\n> \\n> \\nThe home office number for ENVIRONET is (301) 286-5690 (note area\\ncode change). A friend of mine used to use it to get LDEF data, but\\nhe had to apply for a login name and password. I have a call in for\\nmore info, which I hope to get in the morning.\\n\\nDavid W. @ GSFC\\n',\n", + " \"From: LMARSHA@cms.cc.wayne.edu (Laurie Marshall)\\nSubject: Re: Another travesty at the Joe Louis\\nOrganization: Wayne State University, Detroit MI U.S.A.\\nLines: 31\\nNNTP-Posting-Host: cms.cc.wayne.edu\\n\\nIn article <1993Apr22.114213.3391@mtroyal.ab.ca>\\ncaldwell8102@mtroyal.ab.ca writes:\\n \\n>(Detroit, April 21)\\n>\\n>Most knowledgable observers once again watched in shock as the Detroit Red\\n>Wings again beat the best goaltender in the world six times en route to\\n>another easy victory over the best team in the NHL.\\n>\\n>For the best goaltender in the world, Felix Potvin, six was a bad number as\\n>he surrendered six goals and collected six minutes in penalties in reponse\\n>to the goon tactics employed by the inferior Red Wings team.\\n>\\n> Alan\\n>\\n>P.S. We told you this would happen, Roger. Didn't we? I love it.....\\n \\n \\n \\n \\n \\n Where is Roger anyway? Haven't heard from him in awhile. He must\\nbe out on the golf course waiting for the Leafs to join him any day\\nnow. : )\\n \\n \\n \\nLaurie Marshall\\nWayne State University\\nDetroit, Michigan\\nGo Wings!!!!\\n\",\n", + " 'From: bell@plains.NoDak.edu (Robert Bell)\\nSubject: Honda Civic/Saturn SL1 Info needed\\nDistribution: na\\nExpires: Fri, 7 May 1993 04:00:00 GMT\\nNntp-Posting-Host: plains.nodak.edu\\nOrganization: North Dakota Higher Education Computing Network\\nLines: 17\\n\\nTo anyone with experience about Honda Civic (EX or DX) or Saturn SL1:\\n\\nI would be interested in knowing how reliable these cars are, how expensive\\nthey are to own and operate (parts, maintenance, gas, insurance), if the\\ndealers are good, and if they actually live up to their economy image.\\n\\nAnother question: what would I expect to pay for a Civic EX coupe with\\nautomatic, air, and an AM/FM radio?\\n\\nMail to the address below or post to this group.\\n\\nThanks, \\n\\nRob\\n\\nbell@plains.nodak.edu\\n\\n',\n", + " \"From: kaldis@romulus.rutgers.edu (Theodore A. Kaldis)\\nSubject: Re: New Study Out On Gay Percentage\\nOrganization: Rutgers Univ., New Brunswick, N.J.\\nLines: 31\\n\\nIn article <15436@optilink.COM> cramer@optilink.COM (Clayton Cramer) writes:\\n\\n> [Some chump at Brandeis:]\\n\\n>> I mean, how many people actually CARE how many people are gay (as long\\n>> as you know how to find/avoid them if you want to)? I don't.\\n\\n> If you don't care, why was so much effort put into promoting the\\n> 10% lie? Because it was important to scare politicians into\\n> obedience.\\n\\nI wouldn't worry too much about it, though. We are starting to find\\nout how politically impotent homosexuals really are. The Colorado\\nboycott has fizzled, Slick Willie was effectively prevented from\\nimplementing his military policy wrt homosexuals by members of his\\n_OWN_ party, this new study casts a large shadow of doubt on their\\nclaims of large numbers, and coming this Saturday they are going to\\nwind up with _TREMENDOUS_ egg on their face when, I submit, no more\\nthan perhaps 35,000 queers will show up in Washington while they are\\npromising crowds in the millions. And most of the ones who will be\\nthere will look like ACT-UP and Queer Nation, not the guy working in\\nthe next cubicle. As if that's really going to play in middle\\nAmerica.\\n\\nPretty soon they will find themselves retreating back into the closet\\nwhere they belong.\\n-- \\n The views expressed herein are | Theodore A. Kaldis\\n my own only. Do you seriously | kaldis@remus.rutgers.edu\\n believe that a major university | {...}!rutgers!remus.rutgers.edu!kaldis\\n as this would hold such views??? |\\n\",\n", + " 'From: roby@chopin.udel.edu (Scott W Roby)\\nSubject: Re: What if the Dividians were black?\\nNntp-Posting-Host: chopin.udel.edu\\nOrganization: University of Delaware\\nLines: 17\\n\\nIn article <1993Apr9.134525.21567@medtron.medtronic.com> rn11195@medtronic.COM (Robert Nehls) writes:\\n>Kenneth D. Whitehead (kdw@icd.ab.com) wrote:\\n>: oleary@cbnewsh.cb.att.com (brian.m.leary) writes:\\n>\\n>: > Questions for the media and the politically correct:\\n>: > \\n [...]\\n>: > If the people in the compound were black and the guys in ninja suits\\n\\nSome of the Davidians *are* black.\\n\\nNext question?\\n\\n\\n-- \\n\\n\\n',\n", + " 'From: cy779@cleveland.Freenet.Edu (Anas Omran)\\nSubject: Re: Israeli Terrorism\\nReply-To: cy779@cleveland.Freenet.Edu (Anas Omran)\\nOrganization: Case Western Reserve University, Cleveland, OH (USA)\\nLines: 18\\nNNTP-Posting-Host: slc4.ins.cwru.edu\\n\\n\\nIn a previous article, adam@endor.uucp (Adam Shostack) says:\\n\\n>In article <2BDAD779.24910@news.service.uci.edu> tclock@orion.oac.uci.edu (Tim Clock) writes:\\n>>In article amoss@shuldig.cs.huji.ac.il (Amos Shapira) writes:\\n>>>cy779@cleveland.Freenet.Edu (Anas Omran) writes:\\n>\\n>>>Eh???? Could you please give me details about an event where a \"Neutral\\n>>>Observer\" was killed by purpose by an Israeli soldier?\\n>\\n\\nThere are many cases, but I do not remeber names. The Isralis shot and killed\\na UN observer in Gaza in the first half of Intifada.\\n\\nI believe that most of the world has seen pictures of Israeli soldiers who\\nwere breaking the cameras of the reporters, kicking reporters out, confiscating\\ncassettes, and showing reporters militery orders preventing them from going\\nto hot areas to pick pictures and make reports.\\n',\n", + " \"From: jack.petrilli@rose.com (jack petrilli)\\nSubject: HABS WIN, HABS WIN!!!\\nX-Gated-By: Usenet <==> RoseMail Gateway (v1.70)\\nOrganization: Rose Media Inc, Toronto, Ontario.\\nLines: 36\\n\\nOn April 23, JBE5 wrote:\\n\\nJ<--> \\nJ<--> Yahooooooooooooooooooooo!\\nJ<--> \\nJ<--> What a game, we finally beat those diques...and in O.T.!\\nJ<--> The Habs dominated this game and especially in O.T..\\n\\nYou realize that we dominated game 1 also and should be ahead in this \\nseries 2 - 1?\\n\\nJ<--> Glorieux were plagued by bad luck; the puck wouldn't bounce their\\nJ<--> way. But in O.T. they got their lucky break, the winning goal\\nJ<--> went off Gusarov's skate. Thank you Lord!!!!!!\\n\\nAnd it's about time! We hit 2 posts in this overtime and 1 post in \\ngame 1's overtime. Let's hope that **we** start getting some luck for \\na change.\\n\\nHe played well in this game but Roy's inconsistency still makes me \\nnervous. Otherwise, I'd say we're going to win this series, no sweat. \\nIt's all up to Patrick Roy to provide **consistent** goaltending.\\n\\nJ<--> And those damn Bruins lost in O.T., their down 3-0. Congratulations\\nJ<--> Buffalo!!\\nJ<--> \\nJ<--> Life doesn't get better than this!!!!!!!!!\\n\\nAgreed. \\n\\n- Jack\\n\\n * Tagline Bad or Missing NO CARRIER\\n---\\n RoseReader 2.10 P003814 Entered at [ROSE]\\n RoseMail 2.10 : RoseNet<=>Usenet Gateway : Rose Media 416-733-2285\\n\",\n", + " 'From: moffatt@bnr.ca (John Thomson)\\nSubject: Re: What is Zero dB????\\nNntp-Posting-Host: bcarhdd\\nOrganization: Bell-Northern Research, Ottawa, Canada\\nX-Newsreader: TIN [version 1.1 PL6]\\nLines: 47\\n\\nJoseph Chiu (josephc@cco.caltech.edu) wrote:\\n: sehari@iastate.edu (Babak Sehari) writes:\\n: \\n: >Similarly, people usually use dB for dBm. Another common mistake is spelling\\n: >``db\\'\\' instead of ``dB\\'\\' as you did in your article. See the ``B\\'\\' is for \\n: >``Bell\\'\\' company, the mother of AT&T and should be capitalized.\\n: \\n: Thus, a deciBell (deci-, l., tenth of + Bell) is a fractional part of the \\n: original Bell. For example, SouthWestern Bell is a deciBell.\\n\\nOut of what hat did you pull this one? dB is a ratio not an RBOC! \\n\\n: And the measure of current, Amp, is actually named after both the AMP company\\n: and the Amphenol company. Both companies revolutionized electronics by\\n: simulatenously realizing that the performance of connectors and sockets \\n: were affected by the amount of current running through the wires.\\n\\nSorry. The unit for current is the AMPERE which is the name of a french-man\\nnamed AMPERE who studied electrical current. The term AMP is just an abbreviation\\nof it. The company AMP came after the AMPERE unit was already in use.\\n \\n: The Ohmite company was the first to characterize resistances by numbers, thus\\n: our use of the Ohms...\\n\\nI don\\'t know about this one, but it doesn\\'t sound right.\\n \\n: \\n: Alexander Graham Bell, actually, is where Bell came from... \\nWell you got one thing right!\\n: \\n: \\n: \\n: Actually, Bel refers\\n: \\n: > With highest regards,\\n: > Babak Sehari.\\n: \\n: >-- \\n: -- \\n: Joseph Chiu | josephc@cco.caltech.edu \"OS/2: You gotta get this thing!\" \\n: MSC 380 - Caltech | \\n: Pasadena, CA 91126 | OS/2: The operating system of tomorrow, today.\\n: +1 818 449 5457 | \\n\\nGreg Moffatt\\nBell-Northern Research Inc., Ottawa Canada\\n\"My opinions; not BNR\\'s\"\\n',\n", + " 'From: pyron@skndiv.dseg.ti.com (Dillon Pyron)\\nSubject: Re: Founding Father questions\\nLines: 35\\nNntp-Posting-Host: skndiv.dseg.ti.com\\nReply-To: pyron@skndiv.dseg.ti.com\\nOrganization: TI/DSEG VAX Support\\n\\n\\nIn article <1993Apr5.153951.25005@eagle.lerc.nasa.gov>, pspod@bigbird.lerc.nasa.gov (Steve Podleski) writes:\\n>arc@cco.caltech.edu (Aaron Ray Clements) writes:\\n>>Wasn\\'t she the one making the comment in \\'88 about George being born with\\n>>a silver foot in his mouth? Sounds like another damn politician to me.\\n>>\\n>>Ain\\'t like the old days in Texas anymore. The politicians may have been\\n>>corrupt then, but at least they\\'d take a stand. (My apologies to a few\\n>>exceptions I can think of.) \\n>>\\n>>News now is that the House may already have a two-thirds majority, so \\n>>her \"opposition\" out of her concern for image (she\\'s even said this\\n>>publicly) may not matter.\\n>\\n>Do people expect the Texans congressmen to act as the N.J. Republicans did?\\n\\nThere is a (likely) veto proof majority in the house. The Senate,\\nunfortunately, is a different story. The Lt.Gov. has vowed that the bill will\\nnot be voted on, and he has the power to do it. In addition, the Senate is a\\nmuch smaller, and more readily manipulated body.\\n\\nOn ther other hand, the semi-automatic ban will likely not live, as at least\\nfifty per cent of the house currently opposes it, and it is VERY far down in\\nthe bill order in the Senate (I believe it will be addressed after the CCW\\nbill).\\n\\nAnd I thought my TX Political Science class was a waste of time!\\n--\\nDillon Pyron | The opinions expressed are those of the\\nTI/DSEG Lewisville VAX Support | sender unless otherwise stated.\\n(214)462-3556 (when I\\'m here) |\\n(214)492-4656 (when I\\'m home) |God gave us weather so we wouldn\\'t complain\\npyron@skndiv.dseg.ti.com |about other things.\\nPADI DM-54909 |\\n\\n',\n", + " 'From: graeme@labtam.labtam.oz.au (Graeme Gill)\\nSubject: Re: POVray : tga -> rle\\nOrganization: Labtam Australia Pty. Ltd., Melbourne, Australia\\nLines: 20\\n\\nIn article , jhpark@cs.utexas.edu (Jihun Park) writes:\\n> Hello,\\n> I have some problem in converting tga file(generated by POVray) to\\n> rle file. When I convert, I do not get any warning message. But\\n> if I use xloadimage/getx11, something is wrong.\\n> \\n> Error messages are,\\n> % targatorle -o o.rle data.tga\\n> % xloadimage o.rle\\n> o.rle is a 0x0 24 bit RLE image with no map (will dither to 8 bits), with gamma of 1.00\\n> Dithering image...done\\n> Building XImage...done\\n> xloadimage: X Error: BadValue (integer parameter out of range for operation) on 0x0\\n> xloadimage: X Error: BadWindow (invalid Window parameter) on 0xb00003\\n> ......\\n\\n\\tThis happens when your X server has run out of memory. You need\\nmore memory or you need to quit any un-neccessary running clients.\\n\\n\\tGraeme Gill.\\n',\n", + " \"From: bloom@inland.com\\nSubject: Re: extraordinary footpeg engineering\\nOrganization: Inland Steel Company; East Chicago, IN\\nLines: 18\\n\\nIn article <1993Apr15.001813.3907@csdvax.csd.unsw.edu.au>, exb0405@csdvax.csd.unsw.edu.au writes:\\n> Okay DoD'ers, here's a goddamn mystery for ya !\\n> \\n> \\n> The stud on the side of the bike that clunked when I turned was absent. I'm\\n> fairly sure it was there before the event. In fact, the thread in\\n> the hole in the footpeg was perfectly intact, with no evidence of something\\n> having been forcefully ripped out of it only moments previously. \\n> \\n> Okay all you engineering types, how the f**k do you explain this ? How can you\\n> rip a tightly fitting steel thread out of a threaded hole (in alloy) without\\n> damaging the thread in the hole ? \\n\\nYou can't knock a threaded stud out from its hole without destroying \\nthe threads. Also part of the stud would still be in the hole. \\nTherefore the stud was *not* in the hole before you touched something \\ndown on that side of the bike.\\n....Dr. Doom \\n\",\n", + " 'From: keast@qucis.queensu.ca (Liam John Keast)\\nSubject: Re: Trivia question\\nOrganization: Computing & Information Science, Queen\\'s University at Kingston\\nLines: 29\\n\\nIn article <1993Apr23.102811.623@sei.cmu.edu> caj@sei.cmu.edu (Carol Jarosz) writes:\\n>\\n>While watching the Penguins/Devils game last night, I saw the \"slash\" that\\n>Barrasso took on the neck. This brought to mind the goaltender who had his\\n>jugular vein cut by a skate. I think he was a Sabre, but I\\'m not positive.\\n>Does anyone remember/know his name? What has happened to him since? What\\n>about the player whose skate cut the goalie? Name? Info?\\n\\nThat was Clint Malarchuk. That was a very dangerous accident. He could he\\ndied right there on the ice. However, he has played since \\nbut I don\\'t know where he is now. I think he is still playing but I\\'m\\nnot positive. He was a Sabre at the time.\\nI don\\'t know who skated into him though.\\n\\n>Has this ever happened before in a hockey game? \\n>\\n\\nI remember a couple of seasons before the Malarchuk incident Borje\\nSalming of Toronto fell down in the crease and someone skated into\\nhis face. That took a lot of stiches to fix.\\n\\n>Thanks,\\n>\\n>Carol\\n>Go Pens!\\n\\nLiam\\nGo Toronto (they\\'d better start going soon)!\\n\\n',\n", + " 'From: TSOS@uni-duesseldorf.de (Detlef Lannert)\\nSubject: Re: Clipper considered harmful [Restated and amplified]\\nOrganization: Universitaetsrechenzentrum, Heinrich-Heine-Universitaet, Duesseldorf\\nLines: 47\\nDistribution: inet\\nNNTP-Posting-Host: lannert.rz.uni-duesseldorf.de\\nSummary: You can\\'t fool it.\\n\\nIn article wcs@anchor.ho.att.com (Bill Stewart +1-908-949-0705) writes:\\n\\n> The serial number will be in a 64 bit block, with a 34 bit filler. Doesn\\'t\\n> take a lot to check to see if that is correct.\\n>\\n>Depends on whether the filler is a constant (makes checking easy,\\n>but susceptible to replay), or variable (e.g. timer, counter, random),\\n>which makes replay harder and can also make it easier for the\\n>inquisitors to know if they\\'ve missed messages, or gotten them out of\\n>sequence, or other interesting things that sort of person might care about.\\n\\nI\\'d use a secret (nope, obscure) cryptographic encoding to expand the \\n30 bit serial number to a 64 bit block. The redundancy hereby introduced \\ncan be used to detect tampered Clipper signals where some public enemy \\nreplaced the L.E. block by random data. \\n\\nAnd of course the L.E. block would be used to initialise the encryption \\nof the user data so that at the receiving end the correct L.E. block must \\nbe processed in order to have any chance of getting the plaintext back. \\n\\nFor those of you who might want to mangle the L.E. block (e.g. by xor-ing \\na constant pattern) on the transmission line and restore it before feeding \\nit into the receiving Crippler Chip I would add further encrypted copies \\nof this block (perhaps created by repeated application of the encryption \\nalgorithm or so) at regular intervals during the transmission. If the \\nreceiving chip detects a mismatch it must assume that the line is bad and \\nit will cease to work; in your own interest you are protected from getting \\nfaulty plaintext, you know -- it\\'s just like a checksum for your own \\nsafety ;-(. \\n\\nThe `monitoring agencies\\' won\\'t have the famous black box which is needed \\nfor actual decryption and will be kept by the FBI; but nothing prevents \\nthem from using special boxes which will do the redundancy check for the \\nserial number block and consistency checks on the embedded L.E. blocks \\nwithin the transmission. These boxes will turn a red light on as soon as \\nthey detect a bitstream that violates the correct protocol.\\n\\nSo don\\'t anyone think that you can use the chip and fool L.E. about the \\ntapping key -- I bet the developpers have provided much better checks \\nthan those suggested above. Of course it\\'s absolutely crucial that the \\nalgorithms (and protocols) remain secret. Personally I doubt they will.\\n\\n--\\nDetlef Lannert DC3EK E-Mail: tsos@rz.uni-duesseldorf.de\\nPGP 2.2 key via server or finger lannert@clio.rz.uni-duesseldorf.de\\n\"I am Psmith.\" - \"Oh, you\\'re Smith, are you?\" - \"With a preliminary\\nP. Which, however, is not sounded.\" P.G.Wodehouse\\n',\n", + " \"From: rfbohan@unix1.tcd.ie (Bones)\\nSubject: Human Body data sets needed urgently\\nNntp-Posting-Host: unix1.tcd.ie\\nOrganization: Trinity College, Dublin\\nLines: 8\\n\\nHi all. I'm looking for datasets of a human body or head in any\\nof the popular formats. I'm doing a presentation tomorrow which\\ncould be greatly enhanced by bringing in this 'human' factor. I've\\nlooked around the net with no sucess so far. Anyone got any ideas?\\nI'd also appreciate info on the location of datasets for the\\nUSS Enterprise (any model)\\nThanks in advance,\\nRonan\\n\",\n", + " \"From: 18084TM@msu.edu (Tom)\\nSubject: Moonbase race\\nX-Added: Forwarded by Space Digest\\nOrganization: [via International Space University]\\nOriginal-Sender: isu@VACATION.VENARI.CS.CMU.EDU\\nDistribution: sci\\nLines: 22\\n\\nGeorge William Herbert sez:\\n\\n>Hmm. $1 billion, lesse... I can probably launch 100 tons to LEO at\\n>$200 million, in five years, which gives about 20 tons to the lunar\\n>surface one-way. Say five tons of that is a return vehicle and its\\n>fuel, a bigger Mercury or something (might get that as low as two\\n>tons), leaving fifteen tons for a one-man habitat and a year's supplies?\\n>Gee, with that sort of mass margins I can build the systems off\\n>the shelf for about another hundred million tops. That leaves\\n>about $700 million profit. I like this idea 8-) Let's see\\n>if you guys can push someone to make it happen 8-) 8-)\\n\\nI like your optimism, George. I don't know doots about raising that kind\\nof dough, but if you need people to split the work and the $700M, you just\\ngive me a ring :-) Living alone for a year on the moon sounds horrid, but\\nI'd even try that, if I got a bigger cut. :-)\\n\\n-Tommy Mac\\n-------------------------------------------------------------------------\\nTom McWilliams 517-355-2178 wk \\\\\\\\ As the radius of vision increases,\\n18084tm@ibm.cl.msu.edu 336-9591 hm \\\\\\\\ the circumference of mystery grows.\\n-------------------------------------------------------------------------\\n\",\n", + " 'From: paale@stud.cs.uit.no (Paal Ellingsen)\\nSubject: Re: BATF/FBI Murders Almost Everyone in Waco Today! 4/19\\nOrganization: University of Tromsoe\\nLines: 17\\n\\nIn article <1r0qsrINNc61@clem.handheld.com>, Jim De Arras writes:\\n|> Mr. Roby, you are a government sucking heartless bastard. Humans died \\n|> yesterday, humans who would not have died if the FBI had not taken the actions \\n|> they did. That is the undeniable truth. \\n\\n...the question is: for how long? Even if the FBI had done nothing, I guess the \\nBDs would have committed suicide, but maybe not until hunger and thirst gave them\\nthe choice between sucide or surrender. \\nThe BDs was warned in beforehand about the FBI action. They HAD the chance to\\nsurrender and get a fair trial. No matter who started the fire, the BDs were \\nresponsible for 80+ peole dying. No one else.\\n\\n-- \\n============================================================================\\nPaal Ellingsen | Borgensvingen 67/102 | Tlf.: 083 50933\\npaale@stud.cs.uit.no | 9100 Kvaloeysletta | DATA = Dobbelt Arbeid Til Alle\\n============================================================================\\n',\n", + " \"From: tessmann@cs.ubc.ca (Markus Tessmann)\\nSubject: Re: Rumours about 3DO ???\\nOrganization: Computer Science, University of B.C., Vancouver, B.C., Canada\\nLines: 16\\nNNTP-Posting-Host: larry.cs.ubc.ca\\n\\nstgprao@st.unocal.COM (Richard Ottolini) writes:\\n\\n>They need a hit software product to encourage software sales of the product,\\n>i.e. the Pong, Pacman, VisiCalc, dBase, or Pagemaker of multi-media.\\n>There are some multi-media and digital television products out there already,\\n>albeit, not as capable as 3DO's. But are there compelling reasons to buy\\n>such yet? Perhaps someone in this news group will write that hit software :-)\\n\\nI've just had the good fortune to be hired by Electronic Arts as Senior\\nComputer Graphics Artist at the Vancouver, Canada office. :^)\\n\\nThe timing has a lot to do with the 3DO which EA is putting a lot of resources\\ninto. I do not know of any titles to be developed as yet but will be happy to\\npost as things develop. I start there May 3.\\n\\n\\tMarkus Tessmann\\n\",\n", + " 'From: ctwomey@vms.eurokom.ie\\nSubject: Old Irish/Gaelic TrueType font - synopsis of replies\\nOrganization: EuroKom Conferencing Service\\nLines: 44\\n\\n\\nRE: Irish/Gaelic TrueType Font wanted - synopsis\\n\\nI wrote:\\n>Can anyone tell me where I can find an MS-Windows TrueType font\\n>that will give me the characters used in writing Irish/Gaelic\\n>in the old style?\\n>\\n>For example, in this font the letter T would look something\\n>like a C with a horizontal bar sitting on the top, and the\\n>letter G would look something like an S with a horizontal\\n>bar sitting on the top.\\n \\nMany thanks to those who responded to my question. Unfortunately I have\\nhad no luck in actually getting such a font, and a lot of people interested\\nin geting one, and so I have decided to create my own truetype font fitting \\nthat description. This font is based on that used in the 1904 issue of \\nDineen\\'s dictionary and is typical of that found in Irish books from the \\nearly part of the century. This may take me some time to do (in my\\nlimited spare time) but I\\'ll make it available to anyone who is interested, \\nwhen it is ready.\\n\\nThe responses I received are summerised below:\\n\\nKevin Donnelly (caoimhin@smo.ac.uk) mentioned that Michael Everson\\n(everson@irlearn.ucd.ie) had developed some Clo/ Gaelach fonts\\nfor the Macintosh and may be able to advise me. I contacted Michael\\nand he told me that he has three fonts available for the Macintosh, and\\nthat he will eventually port them to the PC, but that he will be charging \\nIR 100 (about $160) for each one.\\n\\npbryant@ukelele.GCR.COM mentioned that he uses two font that have a\\n\\'nice Irish/Gaelic look to them\\'. These are \"Durrow\" and \"American \\nUncial-Normal\". I don\\'t know where you can get these but I don\\'t\\nthink that they have the effects I am looking for.\\n\\nFinally, rhiannon@netcom.com (Rhia) mentioned that the \"Meath\" font\\nincluded in the Casady & Greene Fluent Laser Fonts 2 package\\nis very much like what I was describing. I faxed Casady & Greene for\\ninfo but got no reply.\\n\\nSo that\\'s it. I\\'ll post these newsgroups when I make my font available.\\n\\nColum Twomey.\\n',\n", + " 'From: reus@klein.euromath.dk (Jens Peter Reus Christensen)\\nSubject: Apology to Anisa\\nOrganization: /usr/users/mat/reus/.organization\\nLines: 39\\nNNTP-Posting-Host: klein.euromath.dk\\n\\n\\n I would like to publicly apologize to our Anisa Aldoubosh\\n for playing :\\n****\\nWell Anisa I am not sure that I feel the necessary remorse.\\nYou and another Muslim lady ( Hanan Ashrawi ) seems to me to\\nbe some attempt to charm the west into forgetting what you\\nare really saying.\\nIt is not that we hate muslims but we hate certain things you\\nare saying every now and then. And it is depressing to ponder the \\nprospects for peace while those wievs are held by your people.\\nNot that we are better then you , we have our own prejudices\\nand vices in the West thank you. But your views are really \\ndepressing . Thus I have fallen in the temptation to tease\\nand make a little fun instead of ....\\nand have problems to mobilize the necessary remorse!\\n\\nBest Regards\\n\\n\\n \\n--\\n|------------------------------------------------------------|\\n| Jens Peter Reus Christensen | |\\n| Associate professor, Dr. Phil.| |\\n| Department of mathematics | e-mail:reus@math.ku.dk |\\n| University of Copenhagen | |\\n| Universitetsparken 5 | phone: +45 353 20758 |\\n| DK-2100 Copenhagen | fax: +45 353 20704 |\\n|------------------------------------------------------------|\\n| Disclaimer: Except when explicitly stated otherwise any |\\n| message with this signature is the authors purely private |\\n| responsibility. |\\n|------------------------------------------------------------|\\n| Motto : For everyone who has will be given more, and he |\\n| will have an abundance. Whoever does not have, even what |\\n| he has will be taken from him. |\\n| Matthew principle - Matth.Ch.25 v.29 |\\n|------------------------------------------------------------|\\n',\n", + " \"From: acm@Sun.COM (Andrew MacRae)\\nSubject: Re: arcade style buttons and joysticks\\nReply-To: acm@Sun.COM (Andrew MacRae)\\nOrganization: Sun Microsystems, Mountain View CA\\nLines: 14\\nNNTP-Posting-Host: grendal.corp.sun.com\\n\\nIn article <1993Apr21.024036.7394@lynx.dac.northeastern.edu>, dnewman@lynx.dac.northeastern.edu (David F. Newman) writes:\\n > Hi there,\\n > Can anyone tell me where it is possible to purchase controls found\\n > on most arcade style games. Many projects I am working on would\\n > be greatly augmented if I could implement them. Thanx in advance.\\n\\n\\nHAP controls just outside Chicago sells these. I don't remember which\\nsuburb they are in. The prices are pretty reasonable and they are\\neasy to hook up. I bought a new coin mechanism from them for $25.00\\na couple of years ago.\\n\\n\\t\\t\\t\\t\\t\\tAndrew MacRae\\n\\t\\t\\t\\t\\t\\t\\n\",\n", + " 'From: whitaker@eternity.demon.co.uk (Russell Earl Whitaker)\\nSubject: MEETING: UK Cryptoprivacy Association\\nDistribution: world\\nOrganization: Extropy Institute\\nReply-To: whitaker@eternity.demon.co.uk\\nX-Mailer: Simple NEWS 1.90 (ka9q DIS 1.19)\\nLines: 89\\n\\n-----BEGIN PGP SIGNED MESSAGE-----\\n\\nMeeting of the UK Cryptoprivacy Association\\n- -------------------------------------------\\n\\nSaturday, 8 May 1993, 1500\\n\\nTo be held at the offices of:\\n\\n FOREST\\n 4th floor\\n 2 Grosvenor Gardens\\n London SW1W 0DH\\n\\nThis is located at the corner of Hobart Place, a couple of\\nblocks west of Victoria Station, and almost directly across from\\nthe dark green cabbie shelter.\\n\\nIf you have trouble finding the place, please call the office on\\n071-823-6550. Or, call me (Russell Whitaker) on my pager,\\n081-812-2661, and leave an informative message with the\\ntelephone number where you can be reached; I will return the\\ncall almost immediately.\\n\\nDiscussion will range from the usual general topics, such as the\\nuse of secure public key cryptosystems to protect message data, to\\nspecific topics, such as recent moves by the U.S. government\\nto restrict choice in data privacy (reference recent discussion\\non Usenet groups, e.g. sci.crypt and alt.security.pgp).\\n\\nAll are invited. Particularly welcome are members of the\\nnewly-formed UK CommUnity group ... the local\\nEFF-in-spirit-if-not-in-name folks.\\n\\nThose who plan to attend should email me and let me know.\\nPlease.\\n\\nAll attendees are requested to bring diskettes - preferably\\nMS-DOS - with their PGP 2.+ public keys. As is usual at these\\ngatherings, several of us will bring our laptops, and will sign\\npublic keys, subject to the usual caveats (reference the\\ndocumentation for PGP 2.2, specifically files PGPDOC1.DOC and\\nPGPDOC2.DOC).\\n\\nIf you do not already have a copy of PGP 2.2 (MS-DOS), and would\\nlike to have a copy of this public domain program, please bring\\na formatted, medium or high density 3.5 inch floppy PC diskette;\\nyou will be provided a copy of the program.\\n\\nOf course, you might prefer to ftp a version of the program from\\none of the various archive sites. I suggest trying Demon\\nInternet Systems, which carries the full range of PGP (Phil\\nZimmerman\\'s \"Pretty Good Privacy\") implementations: directory\\n/pub/pgp at gate.demon.co.uk.\\n\\nMeetings are of indeterminate time. Those who are interested\\nare invited to join the rest of us at a pseudorandomly\\ndetermined pub afterwards.\\n\\nPlease note:\\n- ------------\\nIn the past few months, interested people have emailed me,\\nrequesting FAQs and special information mailings. I regret\\nthat, except in very unusual cases (e.g. working press), I\\ncannot, in a timely manner, respond to these requests. I will,\\nhowever - and for the first time - do a writeup of this meeting,\\nwhich I will post in various places.\\n\\nWhat I *am* willing to supply is general information on our\\nactivities for the maintainers of existing FAQs, such as that\\nfor alt.privacy. FAQ maintainers can contact me at\\nwhitaker@eternity.demon.co.uk\\n\\nRussell Earl Whitaker whitaker@eternity.demon.co.uk\\nCommunications Editor AMiX: RWhitaker\\nEXTROPY: The Journal of Transhumanist Thought\\nBoard member, Extropy Institute (ExI)\\n================ PGP 2.2 public key available =======================\\n\\n-----BEGIN PGP SIGNATURE-----\\nVersion: 2.2\\n\\niQCVAgUBK9bG/ITj7/vxxWtPAQG0/AQAmPQKQl7KNB43DyniRyuDu5tixStXd2F7\\nk5CiWNwN/u9ExZfptPgajwY91dsafX0H53RV5+lT8OSnvIx35QMmgBmPQOJCGnGj\\nZUJ2eGiSvfuLtAmgMQtSLtJh5x/VXmUIl8SJHzrffIz3SjnKcENTzrQnGc7UdIQ6\\nx85InstiJzU=\\n=Y9GS\\n-----END PGP SIGNATURE-----\\n\\n',\n", + " 'From: goldsman@cc.gatech.edu (Michael G. Goldsman)\\nSubject: 3 High-End Car Amplifiers FOR SALE\\nReply-To: goldsman@cc.gatech.edu (Michael G. Goldsman)\\nOrganization: College of Computing, Georgia Institute of Technology\\nLines: 45\\n\\n\\n/* posted for a friend -- please reply to him */\\n\\n++++++++++++++++++++++++ CAR AMPLIFIERS FOR SALE +++++++++++++++++++++++++\\n\\nI have 3 high-end car amplifiers for sale:\\n\\n(2) Old-Style Rockford Fosgate 150\\'s. These are great amps, and I\\'ve never\\n had a minute\\'s trouble with either of them. I\\'ve been running them on\\n high end for quite some time (front/rear) and have been very pleased\\n with them in that setup, but I\\'ve also run them on low end before, and\\n they perform quite well in that situation as well. I\\'m trying to sell\\n them because I\\'m considering upgrading to a Rockford 650. I already\\n own a Power 300, and I\\'ve always liked the way the 650/300 combo worked\\n in cars.\\n\\n I\\'m asking $200.00 a piece, and list on them when I bought them was\\n $375.00. If you\\'re interested in both of them, I\\'d be willing to come\\n down on the price a little bit.\\n\\n\\n(1) Precision Power 2150. This great utility amplifier is rated at 2x150,\\n and looks brand new. The shroud is unscratched, and it works great.\\n This is a great low-end amp because of it\\'s high-power rating into\\n 2 channels, however, I\\'ve also had it running front or back high end\\n before where it did very well.\\n\\n I\\'m asking $425.00 for this amp, but feel free to make me an offer on\\n it.\\n\\n\\n**** Please direct questions/replies to hacker@krusty.gtri.gatech.edu ****\\n\\n==============================================================================\\n== Chase Hacker \"Fortune presents gifts not ==\\n== chase@cc.gatech.edu according to the book. DCD ==\\n== gt0658a@prism.gatech.edu ==\\n== hacker@krusty.gtri.gatech.edu ==\\n==============================================================================\\n------------------------------------------------------------------------\\nMike Goldsman __o o__ o__ o__ o__ \\n36004 Ga Tech Station _ \\\\<,_ _.>/ _ _.>/ _ _.>/ _ _.>/ _ \\nAtlanta, Georgia 30332 (_)/ (_) (_) \\\\(_) (_) \\\\(_) (_) \\\\(_) (_) \\\\(_)\\n------------------------------------------------------------------------\\nPGP Key available upon request Just Say No to Brainwashing\\n',\n", + " \"From: ryanph@mrl.dsto.gov.au\\nSubject: Re: SE rom\\nOrganization: Defence Science and Technology Organisation\\nLines: 45\\nNNTP-Posting-Host: mrl.dsto.gov.au\\n\\nGosh, I wish people would read the postings that they are 'following up' to.\\n\\nIn article , dashley@wyvern.wyvern.com (Doug Ashley) writes:\\n> seanmcd@ac.dal.ca writes:\\n> \\n>>In article , wgw@netcom.com (William G. Wright) writes:\\n>>> \\n>>> \\tAnyway, I was hoping someone knowledgeable\\n>>> about Mac internals could set me straight: is it simply\\n>>> impossible for a mac SE to print grayscale, or could\\n> \\t\\n>>To use the grayscale features, I believe you need a Mac equipped\\n>>with colour quickdraw. I was told this somewhere or other, but it's\\n> \\n> I think you will find that the Mac SE can PRINT grayscale images, loaded\\n> with the proper software. However, the Mac SE cannot DISPLAY grayscale on\\n\\nThe original poster (W G Wright) posted an item saying that he had bought a new\\nwizz-bang Laser Printer from Apple (a Select 300 I think) which can print\\nGrayScale. He then said that he CANNOT PRINT GRAYSCALE from his SE computer\\n(and also that all the 'experts' he has dealt with agree that it is not\\npossible).\\n\\nThis is the one major bugbear about doing a 3rd party SE upgrade (compared to\\nApple's SE to SE/30 upgrade): you will never be able to run Color Quickdraw. It\\nis Color Quickdraw that controls Color AND Grayscale.\\n\\nSEs CAN print some COLOUR: this is because Quickdraw - the original, non-colour\\nversion, has the right hooks for eight colours. Some of you will remember the\\n'SCSIgraph' solution to getting a colour screen for your SE (I think that it\\ngave you sixteen colours by dithering or something).\\n\\nThere is no reason that Apple couldn't release software patches for older\\ncomputers (there are lots of Mac Pluses, Classics and SEs that have been\\nupgraded to 68020 and 68030 processors which should be perfectly able to deal\\nwith Color Quickdraw) - but they wont, and 3rd parties are having a difficult \\ntime in duplicating the Mac's ROMs (i.e. Nutek et al.).\\n\\nJust one Caveat: I would have thought that if you were printing a POSTSCRIPT\\nGrayscale image onto a POSTSCRIPT Grayscale printer, that you would be able to\\ndo so, whatever Mac you were using. (And I am pretty sure that the Select 300\\nis NOT a POSTSCRIPT printer [? correct me if I'm wrong?]).\\n\\nPhil Ryan\\nMelbourne, Australia\\n\",\n", + " 'From: Wales.Larrison@ofa123.fidonet.org\\nSubject: Space Clipper Launch Article\\nX-Sender: newtout 0.08 Feb 23 1993\\nLines: 40\\n\\nTo All -- I thought the net would find this amusing..\\n \\nFrom the March 1993 \"Aero Vision\" (The newsletter for the Employees\\nof McDonnell Douglas Aerospace at Huntington Beach, California).\\n \\n SPACE CLIPPERS LAUNCHED SUCCESSFULLY\\n \\n \"On Monday, March 15 at noon, Quest Aerospace Education, Inc.\\n launched two DC-Y Space Clippers in the mall near the cafeteria.\\n The first rocket was launched by Dr. Bill Gaubatz, director and\\n SSTO program manager, and the second by Air Force Captain Ed\\n Spalding, who with Staff Sgt. Don Gisburne represents Air Force\\n Space Command, which was requested by SDIO to assess the DC-X for\\n potential military operational use. Both rocket launches were\\n successful. The first floated to the ground between the cafeteria\\n and Building 11, and the second landed on the roof of the\\n cafeteria.\\n \\n Quest\\'s Space Clipper is the first flying model rocket of the\\n McDonnell Douglas DC-X. The 1/122nd semi-scale model of the\\n McDonnell Douglas Delta Clipper has an estimated maximum altitude\\n of 300 feet. The Space Clippers can be used in educational\\n settings to teach mathematics and science, as well as social\\n studies and other applications. The Space Clipper is available\\n either in the $35 Space Clipper outfit, which includes everything\\n needed for three launches, or as individual rockets for $12 each.\\n Both are available through hobby shops or by calling 1-800-858-\\n 7302.\"\\n \\nBy the way -- this is not an endorsement to buy the product nor is\\nit an advertisement to buy the product. I make no claims about the\\nproduct. This is posted for public information only (hey, I found\\nit amusing...), and is merely a repeat of what was included in the\\nMDSSC Huntington Beach Newsletter.\\n \\n-----------------------------------------------------------------\\n Wales Larrison Space Technology Investor\\n \\n\\n--- Maximus 2.01wb\\n',\n", + " \"From: rob@mother.bates.edu (Rob Spellman)\\nSubject: 3M DC6150s for sale\\nOrganization: Bates College, Lewiston, ME\\nLines: 10\\n\\n\\nWe no longer use quarter inch tape for backups, and have a case of\\nunopened DC6150s for sale. I'll sell the lot, or in boxes of 5 tapes\\neach.\\n\\n-- \\nRob Spellman\\nrob@mother.bates.edu\\nComputing Support Services\\nBates College\\n\",\n", + " 'From: jhpb@sarto.budd-lake.nj.us (Joseph H. Buehler)\\nSubject: Re: SSPX schism ?\\nOrganization: none\\nLines: 182\\n\\nHere is some material by Michael Davies on the subject of schism in\\ngeneral and Archishop Lefebvre in particular. He wrote it around\\n1990. The first part of the two-part article was on the scandalous\\nactivities of Archbishop Weakland (in this country), but I cut all\\nthat. And I pared down the rest to what was relevant.\\n\\nJoe Buehler\\n\\n...\\n\\nSchism and Disobedience\\n\\nAccording to St. Thomas Aquinas, schism consists primarily in a\\nrefusal of submission to the Pope or communion with the members of the\\nChurch united to him. On first sight it would appear that, whatever\\nthe subjective motivation of the Archbishop, as discussed above, he\\nmust be in a state of objective schism as he has refused to submit to\\nthe Pope on a very grave matter involving his supreme power of\\njurisdiction. However, standard Catholic textbooks of theology make it\\nclear that while all schisms involve disobedience not all acts of\\ndisobedience are schismatic. If this were so, as was noted at the\\nbeginning of this article, it would mean that the number of American\\nbishops who are not schismatic would not reach double figures.\\n\\nThe distinction between disobedience and schism is made very clear in\\nthe article on schism in the very authoritative Dictionnaire de\\nTheologie Catholique. The article is by Father Yves Congar who is\\ncertainly no friend of Archbishop Lefebvre. He explains that schism\\nand disobedience are so similar that they are often confused. Father\\nCongar writes that schism involves a refusal to accept the existence\\nof legitimate authority in the Church, for example, Luther\\'s rejection\\nof the papacy. Father Congar explains that the refusal to accept a\\ndecision of legitimate authority in a particular instance does not\\nconstitute schism but disobedience. The Catholic Encyclopedia\\nexplains that for a Catholic to be truly schismatic he would have to\\nintend \"to sever himself from the Church as far as in him lies.\" It\\nadds that \"not every disobedience is schism; in order to possess this\\ncharacter it must include besides the transgression of the command of\\nthe superiors, a denial of their divine right to command.\"Not only\\ndoes Mgr. Lefebvre not deny the divine right of the Pope to command,\\nbut he affirms repeatedly his recognition of the Pope\\'s authority and\\nhis intention of never breaking away from Rome. The Archbishop made\\nhis attitude clear in the July/August 1989 issue of 30 Days: \"We pray\\nfor the Pope every day. Nothing has changed with the consecrations\\nlast June 30. We are not sedevacantists. We recognize in John Paul II\\nthe legitimate Pope of the Catholic Church. We don\\'t even say that he\\nis a heretical Pope. We only say that his Modernist actions favor\\nheresy.\"\\n\\n...\\n\\nIntrinsically Schismatic?\\n\\nThe principal argument used by those claiming that Mgr. Lefebvre is in\\nschism is that the consecration of a bishop without a papal mandate is\\nan intrinsically schismatic act. A bishop who carries out such a\\nconsecration, it is claimed, becomes ipso facto a schismatic. This is\\nnot true. If such a consecration is an intrinsically schismatic act it\\nwould always have involved the penalty of excommunication. In the 1917\\nCode of Canon Law the offence was punished only by suspension (see\\nCanon 2370 of the 1917 Code). Pope Pius XII had raised the penalty to\\nexcommunication as a response to the establishment of a schismatic\\nchurch in China. The consecration of these illicit Chinese bishops\\ndiffered radically from the consecrations carried out by Mgr. Lefebvre\\nas the professed intention was to repudiate the authority of the Pope,\\nthat is, to deny that he has the right to govern the Church, and the\\nillicitly consecrated Chinese bishops were given a mandate to exercise\\nan apostolic mission. Neither Archbishop Lefebvre nor any of the\\nbishops he has consecrated claim that they have powers of\\njurisdiction. They have been consecrated solely for the purpose of\\nensuring the survival of the Society by carrying out ordinations and\\nalso to perform confirmations. I do not wish to minimize in any way\\nthe gravity of the step take by Mgr. Lefebvre. The consecration of\\nbishops without a papal mandate is far more serious matter than the\\nordination of priests as it involves a refusal in practice of the\\nprimacy or jurisdiction belonging by divine right to the Roman\\nPontiff. But the Archbishop could argue that the crisis afflicting the\\nChurch could not be more grave, and that grave measures were needed in\\nresponse.\\n\\nIt appears to be taken for granted by most of the Archbishop\\'s critics\\nthat he was excommunicated for the offense of schism, and the Vatican\\nhas certainly been guilty of fostering this impression. There is not\\nso much as a modicum of truth in this allegation. The New Code of\\nCanon Law includes a section beginning with Canon 1364 entitled\\n\"Penalties for Specific Offenses\" (De Poenis in Singula Dicta). The\\nfirst part deals with \"Offenses against Religion and the Unity of the\\nChurch\" (De Delictis contra Religionem et Ecclesiae Unitatem). Canon\\n1364 deals with the offense of schism which is, evidently, together\\nwith apostasy and heresy, one of the three fundamental offenses\\nagainst the unity of the Church.\\n\\nBut the Archbishop was not excommunicated under the terms of this\\ncanon or, indeed, under any canon involving an offense against\\nreligion or the unity of the church. The canon cited in his\\nexcommunication comes from the third section of \"Penalties for\\nSpecific Offenses\" which is entitled \"Usurpation of Ecclesial\\nFunctions and Offenses in their Exercise\" (De Munerum Ecclesiasticorum\\nUsurpatione Degue Delictis iniis Exercendis). The canon in question is\\nCanon 1382, which reads: \"A bishop who consecrates someone bishop and\\nthe person who receives such a consecration from a bishop without a\\npontifical mandate incur an automatic (latae sententiae)\\nexcommunication reserved to the Holy See.\"\\n\\nThe scandalous attempts to smear Archbishop Lefebvre with the offense\\nof schism are, then, contrary to both truth and charity. A comparable\\nsmear under civil as opposed to ecclesiastical law would certainly\\njustify legal action for libel involving massive damages. An accurate\\nparallel would be to state that a man convicted of manslaughter had\\nbeen convicted of first degree murder.\\n\\nI must stress that what I have written here is not the dubious opinion\\nof laymen unversed in the intricacies of Canon Law. Canon lawyers\\nwithout the least shred of sympathy for Mgr. Lefebvre have repudiated\\nthe charge of schism made against him as totally untenable. Father\\nPatrick Yaldrini, Dean of the Faculty of Canon Law of the Institut\\nCatholique in Paris noted in the 4 July 1988 issue of Valeurs\\nactuelles that, as I have just explained, Mgr. Lefebvre was not\\nexcommunicated for schism but for the usurpation of an ecclesiastical\\nfunction. He added that it is not the consecration of a bishop which\\nconstitutes schism but the conferral of an apostolic mission upon the\\nillicitly consecrated bishop. It is this usurpation of the powers of\\nthe sovereign pontiff which proves the intention of establishing a\\nparallel Church.\\n\\nCardinal Rosalio Lara, President of the Pontifical Commission for the\\nAuthentic Interpretation of Canon Law, commented on the consecrations\\nin the 10 July 1988 issue of la Repubblica. It would be hard to\\nimagine a more authoritative opinion. The Cardinal wrote:\\n\\n The act of consecrating a bishop (without a papal mandate) is not\\n in itself a schismatic act. In fact, the Code that deals with\\n offenses is divided into two sections. One deals with offenses\\n against religion and the unity of the Church, and these are\\n apostasy, schism, and heresy. Consecrating a bishop with a\\n pontifical mandate is, on the contrary, an offense against the\\n exercise of a specific ministry. For example, in the case of the\\n consecrations carried out by the Vietnamese Archbishop Ngo Dinh\\n Thuc in 1976 and 1983, although the Archbishop was excommunicated\\n he was not considered to have committed a schismatic act because\\n there was no intention of a breach with the Church.\\n\\n....\\n\\nIt is not simply unjust but ludicrous to suggest that in consecrating\\nbishops without a papal mandate Archbishop Lefebvre had the least\\nintent of establishing a schismatic church. He is not a schismatic and\\nwill never be a schismatic. The Archbishop considers correctly that\\nthe the Church is undergoing its worst crisis since the Arian heresy,\\nand that for the good of the Church it was necessary for him to\\nconsecrate the four bishops to ensure the future of his Society. Canon\\nLaw provides for just such a situation, and even if one believes that\\nthe future of the Society could have been guaranteed without these\\nconsecrations, the fact that the Archbishop believed sincerely that it\\ncould not means, as Canon Law states clearly, that he has not incurred\\nexcommunication. Furthermore, while the Vatican allows such prelates\\nas Archbishop Weakland to undermine the Faith with impunity it cannot\\nexpect Catholics to pay the least attention to its sanctions against a\\ngreat and orthodox Archbishop whose entire life has been devoted to\\nthe service of the Church and the salvation of souls.\\n\\nDr. Eric M. de Saventhem, President of the International Una Voce\\nAssociation, is one of the best informed laymen in the Church, and he\\nknows the Archbishop intimately. Dr. de Saventhem, like myself, has no\\ngreater desire than to see a reconciliation between Mgr. Lefebvre and\\nthe Holy See during the Archbishop\\'s lifetime. A quotation from a\\nstatement by Dr. de Saventhem which was published in the 15 February\\n1989 Remnant merits careful study:\\n\\n In retrospect, the road leading to the consecrations of 30 June\\n appears more paved with grave Roman (and, unfortunately, also\\n papal) omissions than with Lefebvrist \"obstinancies.\" And from the\\n eyes of an informed public this cannot be hidden by attempting to\\n present the Archbishop\\'s act of grave disobedience as an offense\\n against the Faith! It is said--today--that Mgr. Lefebvre has \"an\\n erroneous concept of Tradition.\" If this were so, Cardinal\\n Ratzinger could not, on behalf of the Pope, have addressed to the\\n Archbishop the following words in his letter of 28 July 1987:\\n \"Your ardent desire to safeguard Tradition by procuring for it\\n \\'the means to live and prosper\\' testifies to your attachment to\\n the Faith of all time... the Holy Father understands your concern\\n and shares it.\"\\n',\n", + " 'From: vrr@cbnewsj.cb.att.com (veenu.r.rashid)\\nSubject: For sale: 760 meg ESDI drive, and 2 meg 256x4 DRAM\\nOrganization: AT&T\\nDistribution: usa\\nLines: 19\\n\\n\\nFOR SALE:\\n\\n\\t1 ST4766E Seagate ESDI drive. 760 meg\\t\\t$500\\n\\t unformatted. Without controller. A\\n\\t friend has tested this on his controller\\n\\t and says that it works. As is.\\n\\n\\n\\t2 meg 256kx4 70ns DRAM.\\t\\t\\t\\t$ 3 each or $48\\n\\n\\n\\nPlease call (908) 219-5935 or email.\\n\\n\\nThanks,\\nVeenu\\n\\n',\n", + " \"From: Christopher.S.Weinberger@williams.edu (Gib)\\nSubject: Re: Divine providence vs. Murphy's Law\\nOrganization: Williams College, Williamstown, MA\\nLines: 21\\n\\nIn article rolfe@junior.dsu.edu (Tim Rolfe) writes:\\n>Romans 8:28 (RSV) We know that in everything God works for good with those \\n>who love him, who are called according to his purpose. \\n>Murphy's Law: If anything can go wrong, it will.\\n>We are all quite familiar with the amplifications and commentary on\\n>Murphy's Law. But how do we harmonize that with Romans 8:28? For that\\n>matter, how appropriate is humor contradicted by Scripture?\\n\\n\\tBoth Christians and non-Christians laugh at this quote because\\nit exaggerates something we all feel, but know is not true. Us\\nChristians just KNOW that a little better! :)\\n\\n\\n\\n\\t\\t\\tIn God we trust!\\n\\n\\n\\t\\t\\t-Christopher\\n\\n\\n\\t\\t\\temail @ 96csw@williams.edu\\n\",\n", + " \"From: st1my@rosie.uh.edu (Stich, Christian E.)\\nSubject: Motorola XC68882RC33 and RC50\\nOrganization: University of Houston\\nLines: 17\\nDistribution: world\\nNNTP-Posting-Host: rosie.uh.edu\\nKeywords: Motorola, FPU, 68882, 68030, 33/50 MHz, problems (FPU exception)\\nNews-Software: VAX/VMS VNEWS 1.41 \\n\\nI just installed a Motorola XC68882RC50 FPU in an Amiga A2630 board (25 MHz\\n68030 + 68882 with capability to clock the FPU separately). Previously\\na MC68882RC25 was installed and everything was working perfectly. Now the\\nsystems displays a yellow screen (indicating a exception) when it check for\\nthe presence/type of FPU. When I reinstall an MC68882RC25 the system works\\nfine, but with the XC68882 even at 25 MHz it does not work. The designer\\nof the board mentioned that putting a pullup resistor on data_strobe (470 Ohm)\\nmight help, but that didn't change anything. Does anybody have some\\nsuggestions what I could do? Does this look like a CPU-FPU communications\\nproblem or is the particular chip dead (it is a pull, not new)?\\nMoreover, the place I bought it from is sending me an XC68882RC33. I thought\\nthat the 68882RC33 were labeled MC not XC (for not finalized mask design). \\nAre there any MC68882RC33?\\n\\nThanks\\n\\tChristian \\n\\n\",\n", + " \"From: smb@research.att.com (Steven Bellovin)\\nSubject: Clipper -- some new thoughts\\nOrganization: AT&T Bell Laboratories\\nLines: 55\\n\\nI'd *desparately* prefer it if we didn't rehash the same arguments\\nthat went on ad infinitum last time. That's especially true for\\nsci.crypt. For that matter, I've created alt.privacy.clipper, since\\nthe traffic is appearing in *many* different groups right now.\\n\\nI'm going to focus here on some technical aspects of the plan, hence my\\nfollowup to sci.crypt. Frankly, if you're not an absolutist, your\\nfeelings may turn on some of these issues. For example -- with an\\n80-bit key, simply splitting it into two 40-bit pieces is much less\\nacceptable than other schemes, because it means that if just one\\nrepository is, shall we say, overly pliable, a would-be eavesdropper\\nwould need to recover just 40 more bits of key. I need not point out\\nin this newsgroup that that's pretty easy to do by exhaustive search.\\nA slightly more complex scheme -- XOR-ing the key with a random number,\\nand then with its complement -- would produce two 80-bit subkeys,\\nneither of which is useful alone. That variant is much more resistant\\nto attack. Clearly, one can get even more sophisticated, to protect\\nthe subkeys even more.\\n\\nOther thoughts... Some people have noted the size and complexity of\\nthe databases necessary. But the id strings the phones emit could be\\ntheir back door key, double-encrypted with the escrow repositories'\\npublic keys. For that matter, they could do that only with session\\nkeys, and have no back door at all. In that case, the FBI would have\\nto bring every intercept to the repositories to be decrypted. This\\nwould answer many of the objections along the lines of ``how do you\\nmake sure they stop''.\\n\\nWe can even combine that with a variant of the digital telephony back\\ndoor -- have the switch do the tap, but with a digitally-signed record\\nof the time, phone number, etc, of the call. That provides proof to\\nthe escrow agents that the tap was done in compliance with the terms of\\nthe warrant.\\n\\nI can suggest other variations, too. Suppose each Clipper chip had 100\\npublic key pairs. Each would be used ~10 times, after which you'd need\\nmore keying material. (Not a bad idea in any event.) This could be\\nused to enforce time limits, or rather, usage limits, on each warrant;\\nthe keys the repository agents would deliver wouldn't last for very\\nlong.\\n\\nI suspect that the cryptographic algorithm itself is secure. Apart from\\nthe obvious -- why push a weak algorithm when you've already got the\\nback door? -- I think that the government is still genuinely concerned\\nabout foreign espionage, especially aimed at commercial targets. This\\nscheme lets the spooks have their cake and eat it, too. (I've heard\\nrumors, over the years, that some factions within NSA were unhappy with\\nDES because it was too good. Not that they couldn't crack it, but it\\nwas much too expensive to do so as easily as they'd want.) They're keeping\\nthe details secret so that others don't build their own implementations\\nwithout the back door.\\n\\nThe cryptographic protocol, though, is another matter. I see no valid\\nreasons for keeping it secret, and -- as I hope I've shown above -- there\\nare a lot of ways to do things that aren't (quite) as bad.\\n\",\n", + " 'From: mlee@post.RoyalRoads.ca (Malcolm Lee)\\nSubject: Re: A KIND and LOVING God!!\\nOrganization: Royal Roads Military College, Victoria, B.C.\\nLines: 35\\n\\n\\nIn article <1993Apr22.203851.3081@nntpd2.cxo.dec.com>, bittrolff@evans.enet.dec.com () writes:\\n|> \\n|> In article <1993Apr20.143754.643@ra.royalroads.ca>, mlee@post.RoyalRoads.ca (Malcolm Lee) writes:\\n|> \\n|> |>BTW, David Koresh was NOT\\n|> |>Jesus Christ as he claimed.\\n|> \\n|> How can you tell for sure? Three days haven\\'t passed yet. \\n|>\\n\\nWell, where is he? Another false Messiah shot down in flames.\\n\\nMatthew 24:4\\n \"Watch out that no one deceives you. For many will come in my\\n name, claiming, \\'I am the Christ\\', and will deceive many.\"\\n\\nMatthew 24:23\\n \"At that time if anyone says to you, \\'Look, here is the Christ!\\'\\n or \\'There he is!\\' do not believe it. For false Christs and \\n false prophets will appear and perform great signs and miracles\\n to deceive even the elect - if that were possible. See, I have\\n told you ahead of time.\"\\n\\nDo we listen? Sadly, not all of us do.\\n\\nPeace be with you, and condolences to the families of those lost at\\nWaco.\\n\\nMalcolm Lee \\n \\n|> --\\n|> Steve Bittrolff\\n|> \\n|> The previous is my opinion, and is shared by any reasonably intelligent person.\\n',\n", + " 'From: ritley@uimrl7.mrl.uiuc.edu ()\\nSubject: SEEKING THERMOCOUPLE AMPLIFIER CIRCUIT\\nReply-To: ritley@uiucmrl.bitnet ()\\nOrganization: Materials Research Lab\\nLines: 17\\n\\n\\n\\nI would like to be able to amplify a voltage signal which is\\noutput from a thermocouple, preferably by a factor of\\n100 or 1000 ---- so that the resulting voltage can be fed\\nmore easily into a personal-computer-based ADC data\\nacquisition card.\\n\\nMight anyone be able to point me to references to such\\ncircuits? I have seen simple amplifier circuits before, but\\nI am not sure how well they work in practice.\\n\\nIn this case, I\\'d like something which will amplify sufficiently\\n\"nicely\" to be used for thermocouples (say, a few degrees\\naccuracy or better).\\n\\nAny pointers would be greatly appreciated!\\n',\n", + " 'Subject: 286 mother board 4 sale\\nFrom: James Chu \\nOrganization: Penn State University\\nLines: 4\\n\\n C&T chip set 286-12 mother board C&T BIOS with 2 meg RAM (80ns). Reply\\nwith reasonable offer if you are interested... Thanks! :)\\n\\n James\\n',\n", + " 'From: tzs@stein2.u.washington.edu (Tim Smith)\\nSubject: Re: FBI Director\\'s Statement on Waco Standoff\\nOrganization: University of Washington School of Law, Class of \\'95\\nLines: 13\\nNNTP-Posting-Host: stein2.u.washington.edu\\n\\ncescript@mtu.edu (Charles Scripter) writes:\\n>> Oh? How about the press? If the BATF & FBI were going to shoot people\\n>> leaving a burning building, don\\'t you think they would get rid of the\\n>> press first?\\n>\\n>Oh, you mean something like moving the press back to a single\\n>location, 2 miles away from the \"compound\"? The press was allowing\\n\\nThat doesn\\'t count as getting rid of the press. Getting rid of the press\\nwould mean getting them far enough away so that they wouldn\\'t be able to\\nsee what is going on.\\n\\n--Tim Smith\\n',\n", + " 'From: pvconway@cudnvr.denver.colorado.edu\\nSubject: TIN files & coutours\\nLines: 15\\n\\n\\nHi!\\n\\tI am working on a project that needs to create contour lines\\nfrom random data points. The work that I have done so far tells me that I\\nneed to look into Triangulated Irregular Networks (TIN), the Delauney\\ncriiterion, and the Krige method. Does anyone have any suggestions for\\nreferences, programs and hopefully source code for creating contours. Any\\nhelp with this or any surface modeling would be greatly appreciated.\\nI can be reached at the addresses below:\\n\\n\\n\\t\\t\\t-- Paul Conway\\n\\nPVCONWAY@COPPER.DENVER.COLORADO.EDU\\nPVCONWAY@CUDNVR.DENVER.COLORADO.EDU\\n',\n", + " \"From: mkbaird@david.wheaton.edu (marcus k baird)\\nSubject: CD-ROMS 4-Sale (NEW)\\nOrganization: Wheaton College, IL\\nLines: 101\\n\\nI'm looking to find some people interested in getting some cd-rom's. Below\\nis a list with their prices. If you are interested in any of these, send me\\nsome mail and I can guarantee this price. If you are not local their will be\\na shipping cost, and cod cost if you prefer it to be shipped that way.\\nMarcus\\n\\n\\nAmerican Business Phonebook DOS $20.00\\nAnimals DOS $30.00\\nAnimals MPC $30.00\\nAudoban Birds DOS $20.00\\nAudoban Mammals DOS $20.00\\nBarney Bear Goes to School DOS $30.00\\nBible Library DOS $45.00\\nBibles and Religion DOS $15.00\\nBook of Lists DOS $30.00\\nBritannicas Family Choice DOS $23.00\\nBritamrica Select DOS $24.33\\nBusiness & Economics DOS $30.00\\nBusiness Backgrounds DOS $20.00\\nBusiness Master DOS $20.00\\nCarmen San Diego lWhere is ...) MPC $30.00\\nCD PLay/Launch DOS $25.00 \\nCD ROM Software Jukebox DOS $20.00\\nCIA Vorld Taur DOS $35.00\\nChess Master 3000 MPC DOS $35.00\\nCLassic Col lection DOS $60.00\\nCLipert Goliath \\t\\t DOS $15.00\\nColossal Cookbook DOS $15.00\\nDeLorme's Atlas USA WIN $25.00\\nDesert Storm MPC $35.00\\nDeathstar Arcade Battles DOS $15.00\\nDictionaries & Language DOS $15.00\\nEducation Master DOS $20.00\\nELectronic Home Library DOS $35.00\\nFamily Doctor DOS $30.00\\nFamily Encyclopedia by Comptons DOS $49.00\\nFamily Encyclopedia by Comptons MPC $49.00\\nGame Master DOS $20.00\\nGame Pack II DOS $25.00\\nGolden Immortal DOS $25.00\\nGreat Cities of the World DOS $25.00\\nGreet Cities of the World MPC $30.00\\nGreat Cities of the World II DOS $25.00 \\nGreat Cities of the World II MPC $30.00\\nGroliers Encyclopedia DOS $60.00\\nGroliers Encyclopedia MPC $60.00\\nGuiness Disc 1992 DOS $15.67\\nHam Radio\\t\\t DOS $15.00\\nInformation USA\\t DOS\\t $35.00\\nIslands Designs\\t\\t \\t DOS\\t $20.00\\nJets & Props DOS\\t $25.00\\nJones ... Fast Lane\\t\\t DOS/MPS\\t $25.00\\nKGB/CIA World Fact Book\\t DOS\\t $25.00\\nKings Quest 5:\\t DOS/MPC $25.00\\nLibrary of the Future\\t DOS\\t $90.00\\nLoom\\t\\t\\t DOS\\t $35.00\\nMPC Wizard\\t\\t MPC\\t $15.00\\nMacMillan Kids Dictionary\\t MPC $55.00\\nMagazine Rack\\t\\t DOS\\t $25.00\\nMajestic Places\\t\\t DOS\\t $20.00\\nMavis Beacon Teaches Typing MPC\\t $35.00\\nMixed Up Mother Goose \\t DOS/MPC\\t $25.00\\nMoney,Money,Money, DOS\\t $20.00\\nMonkey Island\\t DOS $35.00\\nOak CD Stand\\t\\t DOS\\t $15.00\\nOur Solar System\\t\\t DOS\\t $15.00\\nPresidents\\t\\t DOS\\t $85.00\\nPublish It\\t\\t\\t DOS\\t $30.00\\nReference Library\\t\\t DOS\\t $35.00\\nSecret Weapons/Luftwaffe\\t MPC\\t $35.00\\nShereware Games\\t\\t DOS\\t $35.00\\nShereware Overload\\t\\t DOS\\t $15.00\\nSher Holmes/Consul Det\\t MPC\\t $35.00\\nSleeping Beauty\\t\\t DOS\\t $20.00\\nSrd CD Software Bundle - 4 Titles N/A\\t $90.00\\nStellar 7\\t\\t\\t DOS/MPC\\t $25.00\\nStory Time - Interactive DOS\\t $25.00\\nThe CD ROM Collection\\t DOS\\t $15.00\\nTime Magazine Almanac Current DOS\\t $35.00\\nTime Table of Hist/Sci/Innovation\\tDOS\\t\\t$35.00\\nTons & Gigs\\t\\t\\t\\tDOS\\t\\t$49.00\\nToo Many Typefonts\\t\\t\\tDOS\\t\\t$15.00\\nTotal Baseball\\t\\t\\t\\tDOS\\t\\t$30.00\\nUS Atlas/w Automap\\t\\t\\tDOS\\t\\t$35.00\\nUS History\\t\\t\\t\\tDOS\\t\\t$35.00\\nUS/World Atlas\\t\\t DOS/MPC\\t $30.00\\nUS Wars:Civil War\\t\\t\\tDOS\\t\\t$25.00\\nWild Places\\t\\t\\t\\tDOS\\t\\t$25.00\\nWing Com/Ultima VI\\t\\t\\tDOS/MPC\\t $35.00\\nWorld View\\t\\t\\t\\tDOS\\t\\t$25.00 \\n\\n\\n\\n@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@\\nE-Mail mkbaird@david.wheaton.edu -- mkbaird%david.bitnet@uunet.uu.net -- \\nVoice 708-752-8847 - Internet 192.138.89.15 -- mkbaird%david@uunet.uu.net \\n-- \\n@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@@\\nE-Mail mkbaird@david.wheaton.edu -- mkbaird%david.bitnet@uunet.uu.net -- \\nVoice 708-752-8847 - Internet 192.138.89.15 -- mkbaird%david@uunet.uu.net \\n\",\n", + " ' egsner!ernest!m2.dseg.ti.com!tilde.csc.ti.com!mksol!kerr.dseg.ti.com!kkerr@mkcase1.dseg.ti.com\\nFrom: kkerr@mkcase1.dseg.ti.com@MK (Kevin Kerr)\\nSubject: Re: YANKKES 1 GAME CLOSER\\nOrganization: ENGINEERING AUTOMATION\\nLines: 38\\nNntp-Posting-Host: kerr.dseg.ti.com\\n\\nIn article <1993Apr6.233805.29755@freenet.carleton.ca> aa649@Freenet.carleton.ca (Ralph Timmerman) writes:\\n>From: aa649@Freenet.carleton.ca (Ralph Timmerman)\\n>Subject: Re: YANKKES 1 GAME CLOSER\\n>Date: Tue, 6 Apr 1993 23:38:05 GMT\\n\\n\\n>In a previous article, 002251w@axe.acadiau.ca (JASON WALTER WORKS) says:\\n\\n>> The N.Y.Yankees, are now one game closer to the A.L.East pennant. They \\n>>clobbered Cleveland, 9-1, on a fine pitching performance by Key, and two \\n>>homeruns by Tartabull(first M.L.baseball to go out this season), and a three \\n>>run homer by Nokes. For all of you who didn\\'t pick Boggs in your pools, \\n>>tough break, he had a couple hits, and drove in a couple runs(with many more \\n>>to follow). The Yanks beat an up and coming team of youngsters in the \\n>>Indians. The Yankees only need to win 95 more games to get the division.\\n>> GO YANKS., Mattingly for g.glove, and MVP, and Abbot for Cy Young.\\n>>\\n>> ---> jason.\\n>>\\n\\n>Does that mean we have to read this drivel another 95 times this season?\\n>Please spare us... And check you facts before you post!\\n>-- \\n>Ralph Timmerman \"There is no life after baseball\" \\n>aa649@freenet.carleton.ca\\n\\n\\n No one says you have to read any of it Ralph.. Go play in traffic.., or take \\na nap... They work for me.. \\n\\n=========================================================================\\n| Kevin Kerr kkerr@mkcase1.dseg.ti.com | #\\n| President North Texas \\'C\\' Programmers Users Group |\\n| BBS-(214) 442-0223 |\\n| GO YANKEES !!! GO DOLPHINS !!! |\\n| |\\n| \"Strolling through cyberspace, sniffing the electric wind....\" |\\n=========================================================================\\n',\n", + " 'From: arana@labein.ES (Jose Luis Arana)\\nSubject: X Graphics Accelerators\\nOrganization: The Internet\\nLines: 7\\nTo: xpert@expo.lcs.mit.edu\\n\\nHow can I obtain public information (documentation and sources)\\nabout Xservers implemented with graphics processors?\\n\\nI am specially interested in Xservers developed for the TMS34020\\nTexas Instruments graphic processor.\\n\\n Please send answer to arana@labein.es\\n',\n", + " 'From: dfield@flute.calpoly.edu (InfoSpunj (Dan Field))\\nSubject: Re: PLEASE,HELP A PATIENT!!!\\nOrganization: California Polytechnic State University, San Luis Obispo\\nLines: 27\\n\\nIn article mymail@integral.stavropol.su writes:\\n>% mail newsserv@kiae.su\\n>Subject: PLEASE, HELP!!!\\n> Dear Ladies and Gentlemen!\\n> We should be grateful for any information about address and (or)\\n> E-mail address of Loma-Linda Hospital (approximate position: USA,\\n> California, near Vaimor town, 60 miles from Los-Angelos).\\n> A patient needs consultation in this clinics before operation.\\n> With respect, Igor V. Sidelnikov\\n>QUIT\\n\\nThis is also being replied to via e-mail. I dialed my university\\nlibrarian, and he looked it up:\\n\\nLoma Linda University Medical Center\\nLoma Linda, CA 92350\\n\\nI don\\'t know an Internet address for them, but they can be reached by\\ntelephone at (714) 824-4300.\\n\\nGood luck.\\n\\n-- \\n| Daniel R. Field, AKA InfoSpunj | \"Never believe any experiment until |\\n| dfield@oboe.calpoly.edu | it has been confirmed by theory.\" |\\n| Biochemistry, Biotechnology | -Arthur Eddington |\\n| California Polytechnic State U | Tongue-in-cheek or foot-in-mouth? | \\n',\n", + " 'From: jovanovic-nick@yale.edu (Nick Jovanovic)\\nSubject: Re: Europe vs. Muslim Bosnians\\nOrganization: Yale University Science & Engineering UNIX(tm), New Haven, CT 06520-2158\\nLines: 32\\nDistribution: world\\nNNTP-Posting-Host: minerva.cis.yale.edu\\n\\nIn article <1su2tf$f7r@venus.haverford.edu> Michael Sells writes:\\n\\n>You\\'ve asked a crucial question that underlies much of the genocide. \\n>Bosnian Muslims are slavic in ethnicity. They speak Serbo-Croatian. But\\n>there is a Christo-Slavic ideology whereby all true slavs are Christian\\n>and anyone who converted to Islam thereby must have changed ethnicity by\\n>changing religion. \\n\\n\\n\"Muslim\" in ex-Yugoslavia was a *nation* not a religion. In fact, not\\nall Muslims in B-H are followers of Islam. Therefore, there do (did?)\\nexist in ex-Yugoslavia \"Christian Muslims.\" Tito defined the Muslim \\nnation constitutionally, adding Muslims to Serbs, Croats, and Slovenes,\\nthe three founding nations which entered into a voluntary union at the\\nend of WWI. In addition, Tito added two other nations constitutionally:\\nMontenegrins, and Makedonijans. \\n\\nNations had the right of secession, but republics did not. So, \"Muslim\"\\nis much more a political term than a religious term (for those who \\ndifferentiate between religion and politics, that is) in B-H. It was not \\na \"Christo-Slavic\" ideology that made a Muslim nation in Yugoslavia, it\\nwas the \"Atheist Communist\" ideology of Tito. Before Tito, there was\\nno Muslim nation in Yugoslavia. \\n\\nThe war is not a religious war, and it is not an ethnic war. It is a\\ncivil war in which the terms of secession are being negotiated with guns\\ninstead of pens. The Croat, Muslim, and Serb political leaders *all*\\nchose to fight over the terms of secession instead of compromising and\\npeacefully negotiating multilateral secession agreements. \\n\\n-Nick\\n\\n',\n", + " 'From: PPORTH@hq.nasa.gov (\"Tricia Porth (202\")\\nSubject: Remote Sensing Data\\nX-Added: Forwarded by Space Digest\\nMmdf-Warning: Parse error in original version of preceding line at VACATION.VENARI.CS.CMU.EDU\\nOrganization: [via International Space University]\\nOriginal-Sender: isu@VACATION.VENARI.CS.CMU.EDU\\nDistribution: sci\\nLines: 137\\n\\n=================================================================\\nI am posting this for someone else. Please respond to the \\naddress listed below. Please also excuse the duplication as this \\nmessage has been crossposted. Thanks!\\n=================================================================\\n \\n \\n REQUEST FOR IDEAS FOR APPLICATIONS OF REMOTE SENSING DATABASES \\n VIA THE INTERNET\\n \\nNASA is planning to expand the domain of users of its Earth and space science\\ndata. This effort will:\\n \\n o Use the evolving infrastructure of the U.S. Global Change Research \\n Program including the Mission To Planet Earth (MTPE) and the Earth \\n Observing System Data and Information System (EOSDIS) Programs.\\n \\n o Use the Internet, particularly the High Performance Computing and \\n Communications Program\\'s NREN (National Research and Education \\n Network), as a means of providing access to and distribution of \\n science data and images and value added products.\\n \\n o Provide broad access to and utilization of remotely sensed images in \\n cooperation with other agencies (especially NOAA, EPA, DOE, DEd, \\n DOI/USGS, and USDA). \\n \\n o Support remote sensing image and data users and development \\n communities. \\n \\nThe user and development communities to be included (but not limited to) as\\npart of this effort are educators, commercial application developers (e.g., \\ntelevision weather forecasters), librarians, publishers, agriculture \\nspecialists, transportation, forestry, state and local government planners, and\\naqua business.\\n \\nThis program will be initiated in 1994. Your assistance is requested to \\nidentify potential applications of remote sensing images and data. We would \\nlike your ideas for potential application areas to assist with development of\\nthe Implementation Plan.\\n \\nPLEASE NOTE: THIS IS NOT A REQUEST FOR PROPOSALS. \\n \\nWe are seeking your ideas in these areas: \\n \\n (1) Potential commercial use of remote sensing data and images; \\n \\n (2) Potential noncommercial use of remote sensing data and images in \\n education (especially levels K-12) and other noncommercial areas;\\n \\n (3) Types of on-line capabilities and protocols to make the data more \\n accessible;\\n \\n (4) Additional points of contacts for ideas; and \\n \\n (5) Addresses and names from whom to request proposals. \\n \\nFor your convenience, a standard format for responses is included below. Feel\\nfree to amend it as necessary. Either e-mail or fax your responses to us by\\nMay 5, 1993.\\n \\nE-MAIL: On Internet \"rsdwg@orion.ossa.hq.nasa.gov\" ASCII - No binary \\nattachments please\\n \\nFAX: Ernie Lucier, c/o RSDWG, NASA HQ, FAX 202-358-3098\\n \\nSurvey responses in the following formats may also be placed in the FTP \\ndirectory ~ftp/pub/RSDWG on orion.nasa.gov. Please indicate the format. \\nAcceptable formats are: Word for Windows 2.X, Macintosh Word 4.X and 5.X, and \\nRTF. \\n \\n \\n \\n----------------------------RESPONSE FORMAT--------------------------\\n \\nREQUEST FOR IDEAS FOR APPLICATIONS OF REMOTE SENSING DATABASES VIA THE INTERNET\\n \\n(1) Potential commercial use of remote sensing data and images (if possible,\\nidentify the relevant types of data or science products, user tools, and\\nstandards).\\n \\n \\n \\n \\n \\n \\n \\n(2) Uses of remote sensing data and images in education (especially levels\\nK-12) and other noncommercial areas (if possible, identify the relevant types\\nof data or science products, user tools, and standards). \\n \\n \\n \\n \\n \\n \\n \\n(3) Types of on-line capabilities and protocols to make the data and images\\nmore accessible (if possible, identify relevant types of formats, standards,\\nand user tools)\\n \\n \\n \\n \\n \\n \\n \\n(4) Additional suggested persons or organizations that may be resources for \\nfurther ideas on applications areas. Please include: Name, Organization, \\nAddress and Telephone Number.\\n \\n \\n \\n \\n \\n \\n \\n(5) Organizations, mailing lists (electronic and paper), periodicals, etc. to\\nwhom a solicitation for proposals should be sent when developed. Please \\ninclude: Name, Organization, Address and Telephone Number.\\n \\n \\n \\n(6) We would benefit from knowing why users that know about NASA remote \\nsensing data do not use the data. Is it because they do not have ties to NASA\\ninvestigators, or high cost, lack of accessibility, incompatible data formats,\\npoor area of interest coverage, inadequate spatial or spectral resolution, ...?\\n \\n \\n \\n \\n \\n(7) In case we have questions, please send us your name, address, phone number\\n(and e-mail address if you have one). If you don\\'t wish to send us this\\ninformation, feel free to respond to the survey anonymously. Thank you for\\nyour assistance. \\n \\n \\n',\n", + " 'From: buzz@bear.com (Buzz Moschetti)\\nSubject: Monthly Question about XCopyArea() and Expose Events\\nReply-To: buzz@bear.com (Buzz Moschetti)\\nOrganization: Bear, Stearns & Co. - FAST\\nLines: 18\\n\\n(2nd posting of the question that just doesn\\'t seem to get answered)\\n\\nSuppose you have an idle app with a realized and mapped Window that contains\\nXlib graphics. A button widget, when pressed, will cause a new item\\nto be drawn in the Window. This action clearly should not call XCopyArea() \\n(or equiv) directly; instead, it should register the existence of the new\\nitem in a memory structure and let the same expose event handler that handles\\n\"regular\" expose events (e.g. window manager-driven exposures) take care\\nof rendering the new image. Using an expose event handler is a \"proper\" way\\nto do this because at the time the handler is called, the Xlib Window is\\nguaranteed to be mapped.\\n\\nThe problem, of course, is that no expose event is generated if the window\\nis already visible and mapped. What we need to do is somehow \"tickle\" the\\nWindow so that the expose handler is hit with arguments that will enable\\nit to render *just* the part of the window that contains the new item.\\n\\nWhat is the best way to tickle a window to produce this behavior?\\n',\n", + " 'From: gballent@hudson.UVic.CA (Greg Ballentine)\\nSubject: Re: plus minus stat\\nNntp-Posting-Host: hudson.uvic.ca\\nReply-To: gballent@hudson.UVic.CA\\nOrganization: University of Victoria, Victoria, BC, Canada\\nLines: 23\\n\\n\\nIn article 9088@blue.cis.pitt.edu, jrmst8+@pitt.edu (Joseph R Mcdonald) writes:\\n\\n>Jagr has a higher +/-, but Francis has had more points. And take it from\\n>an informed observer, Ronnie Francis has had a *much* better season than\\n>Jaromir Jagr. This is not to take anything away from Jaro, who had a \\n>decent year (although it didn\\'t live up to the expectations of some).\\n\\nBowman tended to overplay Francis at times because he is a Bowman-style\\nplayer. He plays hard at all times, doesn\\'t disregard his defensive\\nresponsibilities and is a good leader. Bowman rewarded him be increasing his\\nice time.\\n\\nJagr can be very arrogant and juvenile and display a \"me first\" attitude.\\nThis rubbed Bowman the wrong way and caused him to lose some ice time.\\n\\nThroughout the year, Francis consistently recieved more ice time than\\nJagr. Althouhg I have never seen stats on this subject, I am pretty\\nsure that Jagr had more points per minute played that Francis. When\\nyou add to that Jagr\\'s better +/- rating, I think it becomes evident\\nthat Jagr had a better season- not that Francis had a bad one.\\n\\nGregmeister\\n',\n", + " \"From: erics@netcom.com (Eric Smith)\\nSubject: Re: Infield Fly Rule\\nOrganization: NETCOM On-line Communication Services (408 241-9760 guest)\\nLines: 31\\n\\njrogoff@scott.skidmore.edu (jay rogoff) writes:\\n\\n>One last infield fly question that has always puzzled me and hasn't\\n>yet been addressed. I believe the rule also does *not* deal with this\\n>situation:\\n\\n>If Infield Fly is declared and the ball is caught, runners can tag up\\n>and advance at their own risk, as on any fly ball.\\n\\n>However, if the Infield Fly is *not* caught, at what point can a\\n>runner legally leave his base w/o fear of being doubled off for\\n>advancing too early? When the\\n>ball hits the ground? When a fielder first touches the ball after it\\n>hits the ground?\\n\\n>Enlightenment would be appreciated.\\n\\nI'm not sure I understand this question. When the IF rule is invoked,\\nthe batter is automatically out. This relieves the runners from being\\nforced to advance to the next base if the ball is not caught. Other\\nthan that, isn't it just the same as any situation in which a runner on\\na base is not forced to the next base on a dropped fly ball? That is,\\nif the ball is caught he can tag up and run (or decide to stay), and\\nif the ball is dropped he can have left the base at any time.\\n\\n-----\\nEric Smith\\nerics@netcom.com\\nerics@infoserv.com\\nCI$: 70262,3610\\n\\n\",\n", + " 'From: cdt@sw.stratus.com (C. D. Tavares)\\nSubject: Re: BATF/FBI Murders Almost Everyone in Waco Today! 4/19\\nOrganization: Stratus Computer, Inc.\\nLines: 33\\nDistribution: world\\nNNTP-Posting-Host: rocket.sw.stratus.com\\n\\nIn article , kevin@axon.usa (Kevin Vanhorn) writes:\\n> In article roby@chopin.udel.edu (Scott W Roby) writes:\\n> >\\n> > Two of the nine who escaped the compound said the fire was deliberately set \\n> > by cult members.\\n> \\n> Correction: The *FBI* *says* that two of the nine who escaped said the fire\\n> was deliberately set by cult members. Since the press was kept miles away,\\n> we have absolutely no independent verification of any of the government\\'s\\n> claims in this matter.\\n\\nMoreover, the BATF has admitted having agents in the compound, and as\\nfar as I have been able to ascertain, those agents were still in the\\ncompound when the first shots were fired. For all we know, these two\\npeople may BE the agents, who would certainly be unlikely to stay around\\nand \"cook\" with the faithful...\\n\\nAssuming the two people in question were even in the compound at all.\\n\\nMaybe I sound paranoid, but I watched Janet Reno last night harping on\\nhow much David Koresh was a big, bad child abuser, and I kept wondering \\nwhy she -- much less BATF -- wanted us to infer that she had any \\njurisdiction over such accusations in the first place.\\n\\nI\\'m POSITIVE that the \"sealed warrant\" is not for child abuse. What was\\nit for? Peobably weapons violations. Janet Reno didn\\'t say WORD ONE\\nlast night about weapons violations. Why? Because she knows that such\\na case is no longer believable?\\n-- \\n\\ncdt@rocket.sw.stratus.com --If you believe that I speak for my company,\\nOR cdt@vos.stratus.com write today for my special Investors\\' Packet...\\n\\n',\n", + " 'From: gfk39017@uxa.cso.uiuc.edu (George F. Krumins)\\nSubject: Re: Space Marketing would be wonderfull.\\nOrganization: University of Illinois at Urbana\\nLines: 44\\n\\ntfv0@ns1.cc.lehigh.edu (Theodore F. Vaida ][) writes:\\n\\n>In article , gfk39017@uxa.cso.uiuc.edu (George F. Krumins) writes:\\n>[deleted]\\n>>To say that \"visible light astronomy is already a dying field\" is \\n>>pure hokum. To use the \"logic\" that things are already bad, so it doesn\\'t\\n>>matter if it gets worse is absurd. Maybe common sense and logic\\n>>are the dying fields.\\n>>-- \\n>[deleted]\\n>Ok, so those scientists can get around the atmosphere with fancy\\n>computer algorythims, but have you looked ad the Hubble results, the\\n>defects of the mirror are partially correctable with software (see\\n>those jupiter pictures for results), but is the effects are completely\\n>reversable, why is there going to be a shuttle mission to fix it?\\n>[deleted]\\n\\nThe main effect of the spherical aberration problems with the\\nprimary mirror was to drive the computer engineers to develop the image\\nprocessing software that much faster. When they use the _same_ deconvolution \\nsoftware on the images from the fixed Hubble, be ready for some \\nincredible results! There is every reason to believe that the results will \\n_exceed_ the original specs by a fair margin. \\n\\nAdaptive optics is a combination of hardware and software. It works \\nrealtime, not after the fact, as is the case with Hubble. You might be\\ninterested to know this technology has made it to the amateur market, in\\nthe form of the AO-2 Adaptive Optics System. Starting on page 52 of the \\nApril, 1993 Sky & Telescope is a three page review of this new product.\\nIt lists for $1,290. The article states: \"The AO-2 Adaptive Optics System \\ncomes in a handy soft-plastic case that a three-year-old could carry \\naround.\" Even though this device is really only good for the brightest\\nobjects, \"it could cope with image movements of up to 0.8 millimeter\\nin the telescope\\'s focal plane.\" Now just imagine how well this infant \\ntechnology will do in a few years, especially in a dedicated system that \\nhas hundreds of thousands of dollars, and many man-hours invested in its\\ndevelopment.\\n\\nGeorge Krumins\\n-- \\nPufferfish Observatory |^^^^^\\\\^^^^| The Universe had its origin\\ngfk39017@uxa.cso.uiuc.edu ^^^/\\\\ \\\\^^^ in two hockeysticks colliding \\n / /\\\\ \\\\ \\n \"Home of the Hockeystick /_/ \\\\_\\\\ Memorial Telescope\"\\n',\n", + " \"From: jaeger@buphy.bu.edu (Gregg Jaeger)\\nSubject: Re: Yet more Rushdie [Re: ISLAMIC LAW]\\nOrganization: Boston University Physics Department\\nLines: 23\\n\\nIn article <1993Apr10.124753.25195@bradford.ac.uk> L.Newnham@bradford.ac.uk (Leonard Newnham) writes:\\n\\n>Gregg Jaeger (jaeger@buphy.bu.edu) wrote:\\n\\n>>Well, it seemed slightly incongruous to find the Union Jack flying\\n>>at City Hall in Belfast. \\n\\n>May I ask why? It's there not because the British want it there (NI\\n>is just one big expensive problem), it's there because that is\\n>what the majority of the population of NI want. Is there some\\n>problem with that?\\n\\nThe majority of those who can open their mouths in public perhaps.\\nThere seems quite alot of incentive for the British to have control\\nof NI, like using the North Channel and Irish Sea as a waste dump (I was\\nappalled at the dumping I saw in the harbor in Belfast). It is my\\nunderstanding that quite alot of radioactivity enters the water --\\nit'd be quite a problem if NI got its independence from Britain and\\nthen stopped accepting the waste. Are you suggesting that British\\nindustry isn't making profit off the situation as well?\\n\\n\\nGregg\\n\",\n", + " 'From: goldberg@oasys.dt.navy.mil (Mark Goldberg)\\nSubject: Camera bags for sale - new list, dimensions\\nReply-To: goldberg@oasys.dt.navy.mil (Mark Goldberg)\\nDistribution: usa\\nOrganization: Naval Surface Warfare Center, Annapolis, MD\\nLines: 46\\n\\n\\nThis is a reposting \\'cause two of the bags are out the door, and I took\\ndimensions of #1 and #5 (important to camcorder users).\\n\\n 1. Large padded Cordura bag (maker unknown) orange exterior, black\\n\\t straps and interior. Five outside pockets plus lid compartment.\\n\\t Lid overlaps. Internal dividers can be repositioned. Held\\n\\t my whole 2-1/4 Bronica system, Metz flash, etc. Main chamber\\n\\t (not incl lid and pockets) is 18.5\"W x 9\"H x 7\" D. Very\\n\\t strong bag, good for medium format users or videographers.\\n\\n 2. Small \"Nikon\" shoulder bag. SORRY. SOLD & SHIPPED.\\n\\n 3. Small \"Nikon\" belt pouch. Khaki like #2. Similar in design to\\n\\t US Army ammo pouch - belt clips, etc. Holds flash or small\\n\\t zoom (35-70) fixed lens, lens cleaner, etc. $5.\\n\\n 4. Domke belt pouch, black. SORRY. SOLD & SHIPPED.\\n\\n 5. Coast camera bag - tan with brown strap. Main and front pocket.\\n\\t Can hold AF slr with small zoom plus flash, film, etc. 10.5\"H\\n\\t x 9.5 H x 4.5 D plus 10.5\" x 6.5 x 1.5 front pouch. It\\n\\t looks like Gore-Tex but I don\\'t think it really is. $15.\\n\\nTERMS: Payment in advance by money order/bank check, or cash. Buyer\\npays shipping. #1 should go UPS. For the others, send me an adequate\\nself addressed mailing envelope (padded recommended) with enough postage.\\nPlease contact me by email if interested.\\n\\n /|/| /||)|/ /~ /\\\\| |\\\\|)[~|)/~ | Everyone\\'s entitled to MY opinion.\\n / | |/ ||\\\\|\\\\ \\\\_|\\\\/|_|/|)[_|\\\\\\\\_| | goldberg@oasys.dt.navy.mil\\n========Imagination is more important than knowledge. - Albert Einstein=======\\n\\n\\n\\n\\n\\n\\n /|/| /||)|/ /~ /\\\\| |\\\\|)[~|)/~ | Everyone\\'s entitled to MY opinion.\\n / | |/ ||\\\\|\\\\ \\\\_|\\\\/|_|/|)[_|\\\\\\\\_| | goldberg@oasys.dt.navy.mil\\n========Imagination is more important than knowledge. - Albert Einstein=======\\n\\n\\n\\n\\n\\n',\n", + " 'Organization: Penn State University\\nFrom: Andrew Newell \\nSubject: Re: free moral agency\\nDistribution: na\\n \\nLines: 119\\n\\nIn article , bil@okcforum.osrhe.edu (Bill\\nConner) says:\\n>\\n>dean.kaflowitz (decay@cbnewsj.cb.att.com) wrote:\\n>\\n>: Now, what I am interested in is the original notion you were discussing\\n>: on moral free agency. That is, how can a god punish a person for\\n>: not believing in him when that person is only following his or her\\n>: nature and it is not possible for that person to deny what his or\\n>: her reason tells him or her, which is that there is no god?\\n>\\n>I think you\\'re letting atheist mythology confuse you on the issue of\\n\\n(WEBSTER: myth: \"a traditional or legendary story...\\n ...a belief...whose truth is accepted uncritically.\")\\n\\nHow does that qualify?\\nIndeed, it\\'s almost oxymoronic...a rather amusing instance.\\nI\\'ve found that most atheists hold almost no atheist-views as\\n\"accepted uncritically,\" especially the few that are legend.\\nMany are trying to explain basic truths, as myths do, but\\nthey don\\'t meet the other criterions.\\nAlso...\\n\\n>Divine justice. According to the most fundamental doctrines of\\n>Christianity, When the first man sinned, he was at that time the\\n\\nYou accuse him of referencing mythology, then you procede to\\nlaunch your own xtian mythology. (This time meeting all the\\nrequirements of myth.)\\n\\n>salvation. The idea of punishment is based on the proposition that\\n>everyone knows (instinctively?) that God exists, is their creator and\\n\\nAh, but not everyone \"knows\" that god exists. So you have\\na fallacy.\\n\\n>There\\'s nothing terribly difficult in all this and is well known to\\n>any reasonably Biblically literate Christian. The only controversy is\\n\\nAnd that makes it true? Holding with the Bible rules out controversy?\\nRead the FAQ. If you\\'ve read it, you missed something, so re-read.\\n(Not a bad suggestion for anyone...I re-read it just before this.)\\n\\n>with those who pretend not to know what is being said and what it\\n>means. When atheists claim that they do -not- know if God exists and\\n>don\\'t know what He wants, they contradict the Bible which clearly says\\n>that -everyone- knows. The authority of the Bible is its claim to be\\n\\n...should I repeat what I wrote above for the sake of getting\\nit across? You may trust the Bible, but your trusting it doesn\\'t\\nmake it any more credible to me.\\n\\nIf the Bible says that everyone knows, that\\'s clearly reason\\nto doubt the Bible, because not everyone \"knows\" your alleged\\ngod\\'s alleged existance.\\n\\n>refuted while the species-wide condemnation is justified. Those that\\n>claim that there is no evidence for the existence of God or that His will is\\n>unknown, must deliberately ignore the Bible; the ignorance itself is\\n>no excuse.\\n\\n1) No, they don\\'t have to ignore the Bible. The Bible is far\\nfrom universally accepted. The Bible is NOT a proof of god;\\nit is only a proof that some people have thought that there\\nwas a god. (Or does it prove even that? They might have been\\nwriting it as series of fiction short-stories. As in the\\ncase of Dionetics.) Assuming the writers believed it, the\\nonly thing it could possibly prove is that they believed it.\\nAnd that\\'s ignoring the problem of whether or not all the\\ninterpretations and Biblical-philosophers were correct.\\n\\n2) There are people who have truly never heard of the Bible.\\n\\n3) Again, read the FAQ.\\n\\n>freedom. You are free to ignore God in the same way you are free to\\n>ignore gravity and the consequences are inevitable and well known\\n>in both cases. That an atheist can\\'t accept the evidence means only\\n\\nBzzt...wrong answer!\\nGravity is directly THERE. It doesn\\'t stop exerting a direct and\\nrationally undeniable influence if you ignore it. God, on the\\nother hand, doesn\\'t generally show up in the supermarket, except\\non the tabloids. God doesn\\'t exert a rationally undeniable influence.\\nGravity is obvious; gods aren\\'t.\\n\\n>Secondly, human reason is very comforatble with the concept of God, so\\n>much so that it is, in itself, intrinsic to our nature. Human reason\\n>always comes back to the question of God, in every generation and in\\n\\nNo, human reason hasn\\'t always come back to the existance of\\n\"God\"; it has usually come back to the existance of \"god\".\\nIn other words, it doesn\\'t generally come back to the xtian\\ngod, it comes back to whether there is any god. And, in much\\nof oriental philosophic history, it generally doesn\\'t pop up as\\nthe idea of a god so much as the question of what natural forces\\nare and which ones are out there. From a world-wide view,\\nhuman nature just makes us wonder how the universe came to\\nbe and/or what force(s) are currently in control. A natural\\ntendancy to believe in \"God\" only exists in religious wishful\\nthinking.\\n\\n>I said all this to make the point that Christianity is eminently\\n>reasonable, that Divine justice is just and human nature is much\\n>different than what atheists think it is. Whether you agree or not\\n\\nXtianity is no more reasonable than most other religions, and\\nit\\'s reasonableness certainly doesn\\'t merit eminence.\\nDivine justice...well, it only seems just to those who already\\nbelieve in the divinity.\\nFirst, not all atheists believe the same things about human\\nnature. Second, whether most atheists are correct or not,\\nYOU certainly are not correct on human nature. You are, at\\nthe least, basing your views on a completely eurocentric\\napproach. Try looking at the outside world as well when\\nyou attempt to sum up all of humanity.\\n\\nAndrew\\n',\n", + " 'From: mathew \\nSubject: Re: mathew writes:\\n>>As for rape, surely there the burden of guilt is solely on the rapist?\\n> \\n> Not so. If you are thrown into a cage with a tiger and get mauled, do you\\n> blame the tiger?\\n\\nAs far as I know, tigers are not sentient. If I were pushed into a pool with\\nsome dolphins and they attacked me, I might be inclined to blame the dolphins\\nrather than the person doing the pushing, as (a) dolphins are not usually\\naggressive and (b) they seem to have well-developed brains and a capacity for\\nabstract thought.\\n\\nAs a matter of fact, tigers rarely attack humans unless the human provokes\\nthem. Of course, if they are in a cage which is far too small, that might\\ncount as provocation...\\n\\n\\nmathew\\n',\n", + " 'From: deane@binah.cc.brandeis.edu (David Matthew Deane)\\nSubject: Re: PUBLIC HEARINGS on Ballot Access, Vote Fraud and Other Issues\\nReply-To: deane@binah.cc.brandeis.edu\\nOrganization: Brandeis University\\nLines: 281\\n\\nIn article <1993Apr5.200623.15140@dsd.es.com>, Bob.Waldrop@f418.n104.z1.fidonet.org (Bob Waldrop) writes:\\n>-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-\\n> Announcing. . . Announcing. . . Announcing. . . Announcing\\n>-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-\\n>\\n> PUBLIC HEARINGS\\n>\\n> on the compliance by the \\n>\\n> UNITED STATES GOVERNMENT\\n>\\n> and the governments of the states of\\n>\\n> FLORIDA, LOUISIANA, ARKANSAS, MISSOURI,\\n> WEST VIRGINIA, NORTH CAROLINA, INDIANA,\\n> MARYLAND, OKLAHOMA, NEVADA, WYOMING,\\n> GEORGIA, AND MAINE\\n>\\n> with Certain International Agreements Signed\\n> by the United States Government, in particular,\\n>\\n> THE INTERNATIONAL COVENANT ON CIVIL\\n> AND POLITICAL RIGHTS\\n> (signed 5 October 1977)\\n>\\n> and the\\n>\\n> DOCUMENT OF THE COPENHAGEN MEETING OF THE\\n> CONFERENCE ON THE HUMAN DIMENSION OF THE\\n> CONFERENCE ON SECURITY AND COOPERATION\\n> IN EUROPE\\n> (June 1990)\\n>\\n> A Democracy Project of\\n>\\n> CELEBRATE LIBERTY!\\n> THE 1993 LIBERTARIAN NATIONAL CONVENTION\\n> AND POLITICAL EXPO\\n>\\n> Sept. 2-5, 1993\\n> Salt Palace Convention Center\\n> Marriott Hotel\\n> Salt Lake City, Utah\\n>\\n>-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-\\n>-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-\\n> \\n>These hearings will investigate charges that the governments\\n>referenced above routinely violate the political and\\n>democratic rights of political minority parties. Persons\\n>interested in testifying at these hearings, or in submitting\\n>written or documentary evidence, should contact:\\n>\\n> Bob Waldrop\\n> P.O. Box 526175\\n> Salt Lake City, UT 84152\\n> (801)-582-3318\\n> Bob.Waldrop@f418.n104.z1.fidonet.org\\n>\\n>Examples of possible information of interest includes\\n>evidence and testimony regarding: \\n>\\n>(1) Unfair or unequal treatment of political minorities;\\n>\\n>(2) Physical assaults on volunteers, candidates, or\\n> members of minority parties;\\n>\\n>(3) Arrests of minority party petitioners, candidates, or\\n> members while engaged in political activity;\\n>\\n>(4) Structural barriers to organizing third parties and/or\\n> running for office as anything other than a Democrat\\n> or Republican (e.g. signature totals required for\\n> petitions to put new parties and candidates on ballots,\\n> requirements for third parties that Democrats and\\n> Republicans are not required to meet, etc.);\\n>\\n>(5) Taxpayer subsidies of Democratic and Republican\\n> candidates that are denied or not available to third\\n> parties;\\n>\\n>(6) Fraudulent or non-reporting of minority party vote\\n> totals (e.g. stating totals for Democratic and\\n> Republican party candidates as equal to 100% of the\\n> vote);\\n>\\n>(7) Refusals by state legislatures, governors, and courts to\\n> hear petitions for redress of grievances from third\\n> parties, and/or unfavorable rulings/laws\\n> discriminating against third parties;\\n>\\n>(8) Refusal to allow registration as a member of a third\\n> party when registering to vote (in states where\\n> partisan voter registration is optional or required);\\n>\\n>(9) Vote fraud, stuffing ballot boxes, losing ballots, fixing\\n> elections, threatening candidates, ballot printing errors;\\n> machine voting irregularities, dishonest/corrupt\\n> election officials, refusal to register third party voters\\n> or allow filing by third party candidates; failure to\\n> print third party registration options on official voter\\n> registration documents; intimidation of third party\\n> voters and/or candidates; and/or any other criminal\\n> acts by local, county, state or federal election officials;\\n>\\n>(10) Exclusion of third party candidates from debate\\n> forums sponsored by public schools, state colleges and\\n> universities, and governments (including events\\n> carried on television and radio stations owned and/or\\n> subsidized by governments;\\n>\\n>(11) Any other information relevant to the topic.\\n>\\n>Information is solicited about incidents relating to all non-\\n>Democratic and non-Republican political parties, such as\\n>Libertarian, New Alliance, Socialist Workers Party, Natural\\n>Law Party, Taxpayers, Populist, Consumer, Green, American,\\n>Communist, etc., as well as independent candidates such as\\n>John Anderson, Ross Perot, Eugene McCarthy, Barry\\n>Commoner, etc.\\n>\\n>\\n>-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-\\n>-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-\\n>\\n>Representatives of the governments referenced above will be\\n>invited to respond to any allegations.\\n>\\n>-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-\\n>-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-\\n>\\n>\\n> RELEVANT SECTIONS OF THE DOCUMENT OF THE\\n> COPENHAGEN MEETING REFERENCED ABOVE:\\n>\\n>\"(The participating States) recognize that pluralistic\\n>democracy and the rule of law are essential for ensuring\\n>respect for all human rights and fundamental freedoms. . .\\n>They therefore welcome the commitment expressed by all\\n>participating States to the ideals of democracy and political\\n>pluralism. . . The participating States express their conviction\\n>that full respect for human rights and fundamental freedoms\\n>and the development of societies based on pluralistic\\n>democracy. . . are prerequisites for progress in setting up the\\n>lasting order of peace, security, justice, and co-operation. . .\\n>They therefore reaffirm their commitment to implement fully\\n>all provisions of the Final Act and of the other CSCE\\n>documents relating to the human dimension. . . In order to\\n>strengthen respect for, and enjoyment of, human rights and\\n>fundamental freedoms, to develop human contacts and to\\n>resolve issues of a related humanitarian character, the\\n>participating States agree on the following. . .\\n>\\n>\"(2). . . They consider that the rule of law does not mean\\n>merely a formal legality which assures regularity and\\n>consistency in the achievement and enforcement of\\n>democratic order, but justice based on the recognition and\\n>full acceptance of the supreme value of the human\\n>personality and guaranteed by institutions providing a\\n>framework for its fullest expression.\"\\n> \\n>\"(3) They reaffirm that democracy is an inherent element of\\n>the rule of law. They recognize the importance of pluralism\\n>with regard to political organizations.\"\\n>\\n>\"(4) They confirm that they will respect each other\\'s right\\n>freely to choose and develop, in accordance with\\n>international human rights standards, their political, social,\\n>economic and cultural systems. In exercising this right, they\\n>will ensure that their laws, regulations, practices, and policies\\n>conform with their obligations under international law and\\n>are brought into harmony with the provisions of the\\n>Declaration on Principles and other CSCE commitments.\"\\n>\\n>\"(5) They solemnly declare that among those elements of\\n>justice which are essential to the full expression of the\\n>inherent dignity and of the equal and inalienable rights of all\\n>human beings are the following. . .\"\\n>\\n>\". . . (5.4) -- a clear separation between the State and political\\n>parties; in particular, political parties will not be merged with\\n>the state. . .\"\\n>\\n>\". . . (7) To ensure that the will of the people serves as\\n>the basis of the authority of government, the participating\\n>states will. . .\"\\n>\\n>\"(7.4) -- ensure . . . that (votes) are counted and reported\\n>honestly with the official results made public;\"\\n>\\n>\"(7.5) -- respect the right of citizens to seek political or public\\n>office, individually or as representatives of political parties or\\n>organizations, without discrimination.\"\\n>\\n>\\n> RELEVANT SECTIONS OF THE\\n> INTERNATIONAL COVENANT OF 5 OCTOBER 1977\\n> REFERENCED ABOVE\\n>\\n>The States Parties to the present Covenant. . . Recognizing\\n>that. . . the ideal of free human beings enjoying civil and\\n>political freedom and freedom from fear and want can only\\n>be achieved if conditions are created whereby everyone may\\n>enjoy his civil and political rights, as well as his economic,\\n>social, and cultural rights, Considering the obligation of\\n>States under the Charter of the United Nations to promote\\n>universal respect for, and observance of, human rights and\\n>freedoms. . . Agree upon the following articles. . .\\n>\\n>Article 2. (1) Each State Party to the present Covenant\\n>undertakes to respect and to ensure to all individuals within\\n>its territory and subject to its jurisdiction the rights\\n>recognized in the present Covenant, without distinction of\\n>any kind, such as race, colour, sex, language, religion,\\n>political or other opinion, national or social origin, property,\\n>birth, or other status.\\n>\\n>(2) Where not already provided for by existing legislative or\\n>other measures, each State Party to the present Covenant\\n>undertakes to take the necessary steps, in accordance with its\\n>constitutional processes and with the provisions of the\\n>present Covenant, to adopt such legislative or other measures\\n>as may be necessary to give effect to the rights recognized in\\n>the present Covenant. . .\\n>\\n>Article 3. The States Parties to the present Covenant\\n>undertake to ensure the equal right of men and women to\\n>the enjoyment of all civil and political rights set forth in the\\n>present Covenant. . .\\n>\\n>Article 25. Every citizen shall have the right and the\\n>opportunity, without any of the distinctions mentioned in\\n>article 2 and without unreasonable restrictions: (a) to take\\n>part in the conduct of public affairs, directly or through\\n>freely chosen representatives; (b) to vote and to be elected at\\n>genuine periodic elections which shall be by universal and\\n>equal suffrage and shall be held by secret ballot,\\n>guaranteeing the free expression of the will of the electors; (c)\\n>to have access, on general terms of equality, to public service\\n>in his country.\\n>\\n>Article 26. All persons are equal before the law and are\\n>entitled without any discrimination to the equal protection of\\n>the law. In this respect, the law shall prohibit any\\n>discrimination and guarantee to all persons equal and\\n>effective protection against discrimination on any ground\\n>such as race, colour, sex, language, religion, political or other\\n>opinion, national or social origin, property, birth, or other\\n>status.\\n>\\n>\\n>\\n>-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-\\n>There will be no peace without freedom.\\n>Think Globally -- Act Locally.\\n>Resist Much. Obey Little.\\n>Question Authority.\\n>\\n>Comments from Bob Waldrop are the responsibility of Bob\\n>Waldrop! For a good time call 415-457-6388.\\n>\\n>E-Mail: Bob.Waldrop@f418.n104.z1.fidonet.org\\n>Snail Mail: P.O. Box 526175\\n> Salt Lake City, Utah 84152-6175\\n> United States of America\\n>Voice Phone: (801) 582-3318\\n>-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-+-\\n>\\n>\\n>\\n>-- \\n>\\t\\t Don\\'t blame me; I voted Libertarian.\\n>Disclaimer: I speak for myself, except as noted; Copyright 1993 Rich Thomson\\n>UUCP: ...!uunet!dsd.es.com!rthomson\\t\\t\\tRich Thomson\\n>Internet: rthomson@dsd.es.com\\tIRC: _Rich_\\t\\tPEXt Programmer\\n============================================================================\\nDavid Matthew Deane (deane@binah.cc.brandeis.edu)\\n \\nWhen the words fold open,\\nit means the death of doors;\\neven casement windows sense the danger. (Amon Liner)\\n',\n", + " 'From: david@terminus.ericsson.se (David Bold)\\nSubject: Re: Question for those with popular morality\\nReply-To: david@terminus.ericsson.se\\nDistribution: world\\nOrganization: Camtec Electronics (Ericsson), Leicester, England\\nLines: 89\\nNntp-Posting-Host: bangkok\\n\\nIn article Fo2@murdoch.acc.Virginia.EDU, pmy@vivaldi.acc.virginia.edu (Pete Yadlowsky) writes:\\n\\n\\n\\n>>In this case, the Driver does not evolve but simply Is. There would\\n>>probably not be any manifestation in an infant because the Moral\\n>>Code has not been learnt yet (ie. the object upon which the Driver\\n>>acts upon). \\n>\\n>Without manifestation, though, how can the Driver be detected? For\\n>all purposes it seems not to exist until Moral Coding begins.\\n>Actually, I agree with your notion of a Driver, except that I think\\n>it\\'s not moral but pre- (and super-)moral. It is, as I mentioned\\n>earlier in this thread, a primal sense of connection, a pre- and\\n>post-natal umbilical the awareness of which is expressed in a\\n>partial, fragmented way that accomodates (and forms, in return) the\\n>language and customs of a given culture. This halting, pidgin-english\\n>expression is, I think, what we come to call \\'morality\\'. \\n\\nCompare the Driver to an urge such as Jealousy, where there is an urge\\nand an \"object\". The jealousy does not technically exist until the object\\nis apparent. However, the capacity to be jealous is presumably still there\\neven though it is not detectable.\\n\\nYour description of the Unbilical took me three passes to understand (!) but\\nI get the gist and I have to tentatively agree. I think our two definitions\\ncan sit side by side without too much trouble, though. I haven\\'t attempted to\\ndefine the reason behind the Moral Driver (only hinted through the essence of\\neach Moral). Your definition hints that animals are also capable of a\\nsimilar morality - Simians have a similar Social Order to ourselves and it is\\neasy to anthropomorphize with these animals. Is this possible or have I\\nmisunderstood?\\n\\n>\\n>>>>If my suggestion holds true then this is the area where work must be\\n>>>>carried out to prevent a moral deterioration of Society,\\n>\\n>>>What kind of work, exactly?\\n>\\n>>Well, here you have asked the BIG question. [...]\\n>>I have a slight suspicion that you were hoping I would say\\n>>something really contentious in this reply (from your final question).\\n>\\n>No, not at all. I was just wondering if you subscribed to some\\n>particular school of psycho-social thought and rehabilitation, and if\\n>perhaps you had a plan. I\\'d have been interested to hear it. \\n>\\n\\nMy p.s. thoughts falls roughly in line with John Stuart Mill and\\nhis writings on Utilitarianism. I have no particular plan (except to do\\nmy bit - personal ethics AND social work). My opinion (for what it is worth)\\nis that the Authority for each Moral must be increased somehow, and that this\\nwill probably take several generations to be effective. I don\\'t think that the\\nlist of Morals has changed for Society significantly, though . The Authority element\\nmay come from our authority figures and roles models (see Eric Berne and his\\ntransactional analysis work [+ Mavis Klein] for references) and this is what\\ngives rise to a deterioration of moral standards in the long term.\\n\\nI\\'ve had some more thoughts on my definitions:\\n\\nI\\'ve was thinking that I should add Moral Character to the list of definitions\\nin order to get a dynamic version of the Moral Nature (ie. the interplay of\\nthe Moral Code and associated Authorities). A suitable analogy might be a\\ngraphic equaliser on a HiFi system - the Moral Nature being the set of\\nfrequencies and the chosen \\'amplitudes\\', and the Moral Character being the\\nspectrum over time.\\n\\nConscience is a little more difficult because I can\\'t define it as the\\nreasoning of a person between actions in the context of his Moral Nature\\nbecause Conscience seems to cut in most of the time unbidden and often\\nunwanted. I think Conscience is manifest when a decision is made at a given\\ntime which compromises one\\'s Moral Nature. My Conscience fits in more with\\nFreud\\'s SuperEgo (plus the Moral Driver) with the stimulous being the\\nurges or Freud\\'s Id. The reasoning that I mentioned before is Freud\\'s Ego,\\nI suppose. If the Moral Driver is part of the Id then the reason why\\nConscience cuts in unbidden is partially explained. The question is \"what\\nprovides the stimulous to activate the Moral driver?\". I think I need some\\nmore time with this one.\\n\\nThat\\'s about it for now!\\n\\nDavid.\\n\\n---\\nOn religion:\\n\\n\"Oh, where is the sea?\", the fishes cried,\\nAs they swam its clearness through.\\n\\n',\n", + " 'From: dbernard@clesun.Central.Sun.COM (Dave Bernard)\\nSubject: Re: Impeach Clinton, Reno\\nReply-To: dbernard@clesun.Central.Sun.COM\\nOrganization: Sun Microsystems\\nLines: 22\\nNNTP-Posting-Host: clesun.central.sun.com\\n\\n\\n > I HEARTILY agree. Now that the BATF warrant has been \\n > unsealed, it is CLEAR that Clinton and Reno supported an\\n > ILLEGAL raid. Did they not KNOW this?\\n\\n\\n\\n> NO authority for a \\'no-knock\" raid\\n > NO authority to use helicopters.\\n> NO authority to search for a \"drug lab\"\\n\\n> And, apparently, not even any authority to search for \"automatic\\n> weapons\".\\n\\n> 51 days of GOVERNMENT LIES.\\n\\n\\tSorry, I missed all this! Can you please give an update on\\n\\tthe warrant? I hadn\\'t heard that it was unsealed. There\\n\\twas no authority for a \"no-knock?\" This is news. How about\\n\\tan OK for a wiretap?\\n\\n\\tPlease summarize!\\n',\n", + " 'From: craigv@rad.verbex.com\\nSubject: Ensoniq SQ-80 Cross-Wave Synthesizer for sale\\nOriginator: rob@snoopy.msc.cornell.edu\\nOrganization: cluttered-but-in-order\\nLines: 71\\n\\n\\nEnsoniq SQ-80 Cross-Wave Synthesizer:\\nI have an SQ-80 for sale. The SQ-80 is a powerful performance\\noriented synth with a limited on-board sequencer. I bought it because\\nit has a very large timbral repertoire; it seems to do meaty analog\\nsynth sounds as well as sounds that are considerably more \"digital\".\\nBelow are a list of features extracted from the owner\\'s manual:\\n o Eight-voice polyphonic poly-timbral synthesizer, capable of\\n playing eight different sounds at once, with dynamic stereo\\n panning for each voice\\n o Voice section employing Cross-Wave synthesis; combine different\\n attack and sustain wave segments to create complex, dynamic sounds\\n o 75 sampled waves (includes a drumset) serve as the sound source\\n o Dynamic voice allocation: each sequencer track/MIDI channel has\\n access to all eight voices\\n o A full-featured MIDI controller keyboard capable of sending eight\\n MIDI program and volume changes at once. Keyboard is velocity\\n sensitive, and transmits/receives velocity and polyphonic aftertouch.\\n o Powerful matrix modulation scheme allows a very wide range of \\n modulation sources and routings.\\n o A 3.5\" floppy disk drive which writes/reads ordinary DS/DD disks\\n allows fast and reliable storage of up to 600 sequences and up to\\n 1728 sound patches on a single floppy disk. Also has a RAM-cart slot\\n for patches that is compatible with ESQ-1 RAM-carts.\\n o Does sysex dumps to its floppy disk for any sysex capable MIDI device\\n o 80 character fluorescent display and user-friendly \"page-driven\"\\n programming scheme provides a fairly humane user interface\\n o Stereo line-outs, and stereo headphone jack for private listening\\n o Sound programs and sequences are upwardly compatible with the ESQ-1\\n so that sounds and sequences created for the ESQ-1 can be played on\\n the SQ-80.\\n\\nThis SQ-80 has been the main MIDI controller in my studio for quite a while\\nnow. It has performed ably in that role, and has also been a heavily\\nused sound source at the same time. The SQ-80 seems to have been designed\\nwith this role in mind, and it works very well with my software sequencer\\n(WinCake) in its multitimbral mode.\\n\\n>From a synthesis point of view, this machine is a hybrid. It uses looped\\nshort samples (there are 75 of them) as sources, then these waves\\nare processed with a sophisticated DCF-DCA arrangement. The SQ-80\\nis capable of great things because of its 4-pole analog lowpass filter.\\nSimply put, it makes fabulous analog synth sounds. But unlike most\\ngood analog synths, it has a very thorough MIDI implementation so that it\\nworks very well with a MIDI sequencer. What I really like most about this\\nthing is that it is capable of making a very wide range of sounds.\\nThis SQ-80 is about 5 years old (mfg. date 1/21/88). It does have\\nan 8-track sequencer, but like most on-board sequencers, it is a pain\\nto use so I have avoided it.\\n\\nREASON FOR SALE:\\nI am selling my SQ-80 because I recently joined forces with another individual\\nhere in Boston, and we have more keyboards than space to put them. I\\nrecommend it for someone who is getting started in sequencing and needs a\\npowerful but economical master keyboard.\\n\\nPRICING AND TERMS:\\nI paid $1300.00 for this synth a few years ago. I am willing to accept\\n$650.00 (average r.m.m.s asking price is $733.00). I will include a bunch of \\npatches on SQ-80 floppy disks for the buyer of this synth, as well as the \\noriginal Ensoniq SQ-80 owner\\'s manual.\\n\\nPrice: Asking $650.00 (everything)\\nShipping: split shipping (UPS Surface COD) anywhere in the lower 48 states\\n-------------------------------------------------------------------------------\\nCraig Vanderborgh Verbex Voice Systems\\ne-mail: craigv@rad.verbex.com 119 Russell Street\\nphone: (508) 486-8886 Littleton, MA 01460\\n-------------------------------------------------------------------------------\\n\\n\\n',\n", + " 'From: lfoard@hopper.Virginia.EDU (Lawrence C. Foard)\\nSubject: Re: New Study Out On Gay Percentage\\nOrganization: ITC/UVA Community Access UNIX/Internet Project\\nLines: 32\\n\\nIn article <1993Apr20.145735.27235@cs.nott.ac.uk> eczcaw@mips.nott.ac.uk (A.Wainwright) writes:\\n>In article , system@codewks.nacjack.gen.nz (Wayne McDougall) writes:\\n>|> \\n>|> Hmmm, what statistics are these? Can you offer any references. The only\\n>|> studies I\\'ve seen indicate a higher proportion of homosexuals in prison\\n>|> than in the general population, but I don\\'t think that allows for the\\n>|> \"default\" you refer to. Prison is not a normal situation...\\n>|> \\n>|> But I haven\\'t seen anything that suggests that the \"default\" proportion is\\n>|> lower than in the general population (although it seems plausible).\\n>|> \\n>|> Anyway, as I say, can you provide any references?\\n>|> \\n>|> \\n>\\n>Is this an arguement against or for? Or simply a statement of agreeance/\\n>disagreeance. The fact that there are more homosexuals in prison does not\\n>mean that homosexuals are immoral and more liable to commit crime. And one\\n>must remember that prison is not necessarily a reflection of the type of\\n>people who are criminals. What are the statistics for unsolved crime?\\n\\nThere is also the question of cause and effect.\\nLock a mostly straight guy up for 10 years with only guys, ask\\nten years later if he has ever had sex with a guy. Closing your\\neyes and pretending its a girl sucking you still counts as sex\\nwith a guy on the survey....\\n-- \\n------ Join the Pythagorean Reform Church! .\\n\\\\ / Repent of your evil irrational numbers . .\\n \\\\ / and bean eating ways. Accept 10 into your heart! . . .\\n \\\\/ Call the Pythagorean Reform Church BBS at 508-793-9568 . . . .\\n \\n',\n", + " \"From: dunnjj@ucsu.Colorado.EDU (DUNN JONATHAN JAMES)\\nSubject: Re: ABOLISH SELECTIVE SERVICE\\nOrganization: University of Colorado, Boulder\\nLines: 42\\n\\nmuellerm@vuse.vanderbilt.edu (Marc Mueller) writes:\\n\\n>Considering that Clinton received a draft notice and got out of it (he admits it) the political feasibility of him abolishing it is not something he would\\n>be inclined to risk any extra exposure on.\\n\\nAs a libertarian (with a small l) who voted for Clinton, I think that he\\nshould abolish the Selective Service and the draft. If his conscience\\nforbade him to go to war in Vietnam, it should forbid him to perpetuate\\nthis system of government-sanctioned slavery.\\n\\n>Agreed. Congress took money from NASA and FHA to fund the second Seawolf.\\n>The shipyards are still building Los Angeles Class submarines and there\\n>is a lack of ASW foes to contend with. The Navy is considering reducing\\n>the number of attack subs to 40 (Navy Times) and that would entail\\n>getting rid of or mothballing some of the current Los Angeles class.\\n>Politically, General Dynamics is in Connecticut and we will get\\n>Seawolf subs whether we need them or not.\\n\\nIf our government would pay attention to SERIOUS domestic issues (the ECONOMY)\\nand choose to stay out of other people's wars (Iraq, Bosnia, Somalia),\\nwe would not be in this fix. An anyway, couldn't the jobs be replaced by\\nimproving our domestic situation? (I'm not for continued deficit spending,\\nbut if Clinton and Congress want to spend, I'd rather they improve the \\ninfrastructure than fight other people's wars.)\\n\\n>In addition, more bases need to be closed. Probably Long Beach Naval Station\\n>and others. The Navy is talking about three main bases on each coast being \\n>required to home port a total fleet of 320 ships.\\n>The question is whether Les Aspin and Clinton will be able to face down\\n>a pork happy Congress.\\n\\nA novel idea: Getting away from naval bases, what about refurbishing\\ndecommissioned Air Force bases as airports? This would be SO much cheaper\\nthan building them from the ground up (Denver's new airport is one of the \\nmost appalling examples of pork-barreling and cronyism I have seen in\\nmy lifetime). Even if no more airports are needed, I'm sure Bill Gates\\nor Ross Perot would LOVE to have their own private airfields, and the\\nmoney from their purchases could be applied to the public debt.\\n\\n>Jon Dunn<\\n\\n* All E-mail flames will be deleted without reading *\\n\",\n", + " \"From: rlb534@ibm-03.nwscc.sea06.navy.mil\\nSubject: FASTMicro out of business?\\nOrganization: UTexas Mail-to-News Gateway\\nLines: 2\\nNNTP-Posting-Host: cs.utexas.edu\\n\\n I heard FASTMicro went out of business. Is this true? \\nThey don't answer their 800 number. It's 800-821-9000.\\n\",\n", + " \"From: prb@access.digex.com (Pat)\\nSubject: Re: Abyss: breathing fluids\\nArticle-I.D.: access.1psghn$s7r\\nOrganization: Express Access Online Communications USA\\nLines: 19\\nNNTP-Posting-Host: access.digex.net\\n\\nIn article enf021@cck.coventry.ac.uk (Achurist) writes:\\n|\\n|I believe the reason is that the lung diaphram gets too tired to pump\\n|the liquid in and out and simply stops breathing after 2-3 minutes.\\n|So if your in the vehicle ready to go they better not put you on \\n|hold, or else!! That's about it. Remember a liquid is several more times\\n|as dense as a gas by its very nature. ~10 I think, depending on the gas\\n|and liquid comparision of course!\\n\\n\\nCould you use some sort of mechanical chest compression as an aid.\\nSorta like the portable Iron Lung? Put some sort of flex tubing\\naround the 'aquanauts' chest. Cyclically compress it and it will\\npush enough on the chest wall to support breathing?????\\n\\nYou'd have to trust your breather, but in space, you have to trust\\nyour suit anyway.\\n\\npat\\n\",\n", + " \"From: mcdonald@aries.scs.uiuc.edu (J. D. McDonald)\\nSubject: Re: jiggers\\nArticle-I.D.: aries.mcdonald.895.734049502\\nOrganization: UIUC SCS\\nLines: 13\\n\\nIn article <78846@cup.portal.com> mmm@cup.portal.com (Mark Robert Thorson) writes:\\n\\n>This wouldn't happen to be the same thing as chiggers, would it?\\n>A truly awful parasitic affliction, as I understand it. Tiny bugs\\n>dig deeply into the skin, burying themselves. Yuck! They have these\\n>things in Oklahoma.\\n\\nClose. My mother comes from Gainesville Tex, right across the border.\\nThey claim to be the chigger capitol of the world, and I believe them.\\nWhen I grew up in Fort Worth it was bad enough, but in Gainesville\\nin the summer an attack was guaranteed.\\n\\nDoug McDonald\\n\",\n", + " 'From: kring@pamuk.physik.uni-kl.de (Thomas Kettenring)\\nSubject: Re: Krillean Photography\\nOrganization: FB Physik, Universitaet Kaiserslautern, Germany\\nLines: 17\\n\\nIn article <1993Apr26.204319.11231@ultb.isc.rit.edu>, eas3714@ultb.isc.rit.edu (E.A. Story) writes:\\n>In article <1rgrsvINNmpr@gap.caltech.edu> carl@SOL1.GPS.CALTECH.EDU writes:\\n>>[..] It\\n>>involves taking photographs of corona discharges created by attaching the\\n>>subject to a high-voltage source, not of some \"aura.\" It works equally well\\n>>with inanimate objects.\\n>\\n>True.. but what about showing the missing part of a leaf? Is this\\n>\"corona discharge\"?\\n\\nThis effect disappears if you clean your apparatus after you kirlianed\\nthe whole leaf and before kirlianing the leaf part.\\n\\n--\\nthomas kettenring, 3 dan, kaiserslautern, germany\\nThe extraterrestrials don\\'t even know this planet has native inhabitants.\\nTheir government doesn\\'t tell them.\\n',\n", + " \"From: msbendts@mtu.edu (BENDTSEN)\\nSubject: Re: Utility for updating Win.ini and system.ini\\nOrganization: Michigan Technological University\\nX-Newsreader: Tin 1.1 PL4\\nLines: 37\\n\\nsp@odin.fna.no (Svein Pedersen) writes:\\n: Sorry, I did`nt tell exactly what I need.\\n: \\n: I need a utility for automatic updating (deleting, adding, changing) of *.ini files for Windows. \\n: The program should run from Dos batchfile or the program run a script under Windows.\\n: \\n: I will use the utility for updating the win.ini (and other files) on meny PC`s. \\n: \\n: Do I find it on any FTP host?\\n: \\n: Svein\\n\\nWell, in the latest Windows magazine, there is an advertisement for a program\\nthat will help you uninstall windows apps from your harddisk (Uninstaller)\\nbut it can be used to update a network, but only for deleting, not adding\\nor changing their *.ini files. (Uninstaller, by MicroHelp Inc. $79\\n1-800-922-3383)\\n\\nI am also looking for an *.ini updater for my PC network, and so far without\\nany luck. So for the time being I have been pushing DOS and it's batch\\nlanguage to its limit...look into DOS 5.0's (I am assumming that DOS 6.0\\nhas the same command, maybe even more..or less..improved) REPLACE command.\\nI use this to update our users personal files with a master set in a batch\\nfile that is run everytime they invoke Windows. This basically overwrites\\ntheir color schemes, but does what I need it to do. Not neat, but does\\nthe job...I'm looking for a better solution though.\\n\\nMike\\n\\nJust relaying what I know...a not for profit service.\\n\\n\\n-- \\n___________________________________________________________________________\\n Mike Bendtsen (msbendts @ mtu.edu)\\n 740 Elm St. Apt#4 CCLI Senior Technical Consultant\\n Hancock, MI 49930 Michigan Technological University\\n\",\n", + " 'From: mlee@post.RoyalRoads.ca (Malcolm Lee)\\nSubject: Re: A KIND and LOVING God!!\\nOrganization: Royal Roads Military College, Victoria, B.C.\\nLines: 70\\n\\n\\nIn article <1r0hicINNjfj@owl.csrv.uidaho.edu>, lanph872@crow.csrv.uidaho.edu (Rob Lanphier) writes:\\n|> Malcolm Lee (mlee@post.RoyalRoads.ca) wrote in reference to Leviticus 21:9\\n|> and Deuteronomy 22:20-25:\\n|> : These laws written for the Israelites, God\\'s chosen people whom God had\\n|> : expressly set apart from the rest of the world. The Israelites were a\\n|> : direct witness to God\\'s existence. To disobey God after KNOWing that God\\n|> : is real would be an outright denial of God and therefore immediately punishable.\\n|> : Remember, these laws were written for a different time and applied only to \\n|> : God\\'s chosen people. But Jesus has changed all of that. We are living in the\\n|> : age of grace. Sin is no longer immediately punishable by death. There is\\n|> : repentance and there is salvation through our Lord Jesus Christ. And not just\\n|> : for a few chosen people. Salvation is available to everyone, Jew and Gentile\\n|> : alike.\\n|> \\n|> Hmm, for a book that only applied to the Israelites (Deuteronomy), Jesus sure\\n|> quoted it a lot (Mt 4: 4,7,10). In addition, he alludes to it in several\\n|> other places (Mt 19:7-8; Mk 10:3-5; Jn 5:46-47). And, just in case it isn\\'t\\n|> clear Jesus thought the Old Testament isn\\'t obsolete, I\\'ll repeat the\\n|> verse in Matthew which gets quoted on this group a lot:\\n|> \\n|> \"Do not think that I have come to abolish the Law or the Prophets; I have\\n|> not come to abolish them but to fulfill them. I tell you the truth, until\\n|> heaven and earth disappear, not the smallest letter, not the least stroke\\n|> of a pen, will by any means disappear from the Law until everything is\\n|> accomplished. Anyone who breaks one of the least of these commandments\\n|> and teaches others to do the same will be called least in the kingdom of\\n|> heaven, but whoever practices and teaches these commands will be called\\n|> great in the kingdom of heaven. For I tell you that unless your\\n|> righteousness surpasses that of the Pharisees and the teachers of the law,\\n|> you will certainly not enter the kingdom of heaven.\" (Mt 5:17-20 NIV, in\\n|> pretty red letters, so that you know it\\'s Jesus talking)\\n|> \\n|> This causes a serious dilemma for Christians who think the Old Testament\\n|> doesn\\'t apply to them. I think that\\'s why Paul Harvey likes quoting it so\\n|> much ;).\\n|> \\n|> Rob Lanphier\\n|> lanph872@uidaho.edu \\n\\nI will clarify my earlier quote. God\\'s laws were originally written for \\nthe Israelites. Jesus changed that fact by now making the Law applicable to\\nall people, not just the Jews. Gentiles could be part of the kingdom of\\nHeaven through the saving grace of God. I never said that the Law was made\\nobsolete by Jesus.\\n\\nIf anything, He clarified the Law such as in that quote you made. In the\\nfollowing verses, Jesus takes several portions of the Law and expounds upon\\nthe Law giving clearer meaning to what God intended. If you\\'ll notice, He\\nalso reams into the Pharisees for mucking up the Law with their own contrived\\ninterpretations. They knew every letter of the Law and followed it with their\\nheads but not their hearts. That is why He points out that our righteousness\\nmust surpass that of the Pharisees in order to be accepted into the kingdom\\nof Heaven. People such as the Pharisees are those who really go out of their\\nway to debate about the number of angels that can dance on the head of a pin.\\nThey had become legalistic, rule-makers - religious lawyers who practiced the\\nletter of the Law but never really believed in it. \\n\\nI think you will agree with me that there are in today\\'s world, a lot of\\nmodern-day Pharisees who know the bible from end to end but do not believe\\nin it. What good is head knowledge if there is nothing in the heart?\\n\\nChristianity is not just a set of rules; it\\'s a lifestyle that changes one\\'s\\nperspectives and personal conduct. And it demands obedience to God\\'s will.\\nSome people can live by it, but many others cannot or will not. That is their\\nchoice and I have to respect it because God respects it too.\\n\\nGod be with you,\\n\\nMalcolm Lee :)\\n',\n", + " \"From: vzhivov@superior.carleton.ca (Vladimir Zhivov)\\nSubject: Re: Individual Winners (WAS: Re: WHERE ARE THE DOUBTERS NOW? HMM?)\\nOrganization: Carleton University\\nLines: 52\\n\\nIn <1993Apr15.170226.11074@cci632.cci.com> dwk@cci632.cci.com (Dave Kehrer) writes:\\n\\n>Well, since you mentioned it...\\n\\n>In article <1993Apr12.142028.6300@jarvis.csri.toronto.edu>, migod@turing.toronto.edu (Mike Godfrey) writes:\\n> \\n>> Chelios the Norris,\\n\\n>If you asked me 30 days ago, I'd agree with you. I now give the nod to\\n>Raymond Bourque; his play took off the same time the B's did. Chelios\\n>gets a close second...\\n\\nHow about Kevin Hatcher? Scored roughly 35 goals, plays 30 minutes a game.\\n\\n>> dunno who wins the Vezina, but I suspect not Potvin. \\n> \\n>Barrasso finally gets his due, in a close one over Eddie the Eagle...\\n\\nThat's really sad when two second-rate goalies (Barasso and Belfour)\\nare the main contenders for the Vezina. Call me crazy, but how about\\nTommy Soderstrom - five shutouts for a 6th place team that doesn't\\nreally play defense. It's really unfortunate that the better goalies\\nin the league (McLean, Essensa, Vernon) had unspectacular years. BTW,\\nif you are going to award the Norris on the basis of the last 30 days,\\nwhy not give the Vezina to Moog? He has been the best goalie over the\\npast month.\\n\\n>> Coach of the year is tricky: Burns did the most with the least raw talent,\\n>> King did a good job but the Flames clearly underachieved last year, Brian\\n>> Sutter has done exceptionally well in his first year with a new team, ditto\\n>> Demers, Page has been blessed by the ripening and acquisition of young\\n>> talent, Darryl Sutter is having a good year for a rookie coach, Berry made\\n>> the best of a bad situation, Terry Crisp worked minor miracles, and Bowman\\n>> was Bowman. I'd pick Burns, but I'm mildly biased.\\n\\n>In *your* case, that bias is acceptable :-)... Mine shows with the Norris pick,\\n>so we're even...\\n\\n>I'm impressed with what all the coaches you mentioned did, but my pick would be \\n>Al Arbour. Not too many folks thought the Isles would be in the playoffs, let \\n>alone contend for 3rd in their division... Granted that they *did* have a little\\n>help from their cousins on Broadway... :-)\\n\\n>And I like the Islanders about as much as I like mowing my lawn...\\n\\nArbour or King. Burns will probably win, since playoffs aren't taken\\ninto consideration - he's OK in the regular season, but I'm not sure\\nif he's beaten anyone other than Hartford in the playoffs.\\n\\n- Vlad the Impaler\\n\",\n", + " 'From: ivan@erich.triumf.ca (Ivan D. Reid)\\nSubject: Re: VFR + ST11 Owners get hidden feature\\nOrganization: TRIUMF: Tri-University Meson Facility\\nLines: 29\\nDistribution: world\\nNNTP-Posting-Host: erich.triumf.ca\\nSummary: light switch allows dual use of high and low beams\\nKeywords: lights\\nNews-Software: VAX/VMS VNEWS 1.41 \\n\\nIn article ,\\n\\t daved@world.std.com (Dave T Dorfman) writes...\\n]I was enjoying lunch this saturday at foodies in Milford NH with an assortment\\n]of other nedod folks when Dean Cookson ( yes he has not left the \\n]country, yet) mentioned that the wiring diagram of the VFR750 \\n]shows that the light switch is a three position switch. \\n\\n]high beam\\n]low beam\\n]Both beams\\n\\n]Well the actual ergonomics of the switch make it appear to be a\\n]2 position switch, but sure enough as Deam expected , when\\n]you balance the toggle switch in the center position both the high\\n]and low beams go on.\\n\\n]This provides a very nice light coverage of the road.\\n\\n]This is true for the St11 and the VFR750 and I would expect for any \\n]other late model Honda with the standard two position light switch.\\n\\n]Thanks to Dean for reading the schematics, try it you\\'ll like it.\\n\\n\\tBe a bit careful doing this; I used to balance the switch on my GS550B\\navec Cibie\\' H4 insert so that both beams were on. I eventually fried the\\nmain ignition switch, as it wasn\\'t designed to pass that sort of current.\\n\\nIvan Reid, Paul Scherrer Institute, CH. \\t\\t\\tivan@cvax.psi.ch\\nGSX600F, RG250WD.\\tSI=2.66 \"You Porsche. Me pass!\"\\tDoD #484\\n',\n", + " \"From: cl238405@ulkyvx.louisville.edu (Steve W Brewer)\\nSubject: How do I make GhostScript work?\\nLines: 12\\nNntp-Posting-Host: ulkyvx.louisville.edu\\nOrganization: University of Louisville\\n\\nWhat files do I need to download for GhostScript 2.5.2? I have never used\\nGhostScript before, so I don't have any files for it. What I *do* have is\\ngs252win.zip, which I downloaded from Cica. Unfortunately, it doesn't seem to\\nwork on it's own, but needs some more files that I don't have. I want to run\\nGhostScript both in Windows 3.1 and in MS-DOS on a 386 PC (I understand there's\\nversions for both environments). What are all the files I need to download and\\nwhere can I get them? Any info would be appeciated.\\n\\n--------------------------------------------------------------------------------\\n Steve W Brewer rewerB W evetS\\n cl238405@ulkyvx.louisville.edu ude.ellivsiuol.xvyklu@504832lc\\n--------------------------------------------------------------------------------\\n\",\n", + " 'From: pgf@srl03.cacs.usl.edu (Phil G. Fraering)\\nSubject: Re: Who\\'s next? Mormons and Jews?\\nOrganization: Univ. of Southwestern Louisiana\\nLines: 23\\n\\nhallam@dscomsa.desy.de (Phill Hallam-Baker) writes:\\n\\n\\n>In article , wcscps@superior.carleton.ca (Mike Richardson) writes:\\n\\n>[Lots of good points re Mormons in the US]\\n\\n>The founding fathers of the US were hardly great on religious freedoms. At\\n>least one history I have read formed the opinion that they left for the\\n>US not to practice religious freedom but to practice religious intolerance.\\n\\nBzzt. Thank you for playing.\\n\\nYou\\'re confusing the puritans/pilgrims with the founding fathers.\\nDifference of ~150 years and a much different culture...\\n\\n\\n>Phill Hallam-Baker\\n--\\nPhil Fraering |\"Seems like every day we find out all sorts of stuff.\\npgf@srl02.cacs.usl.edu|Like how the ancient Mayans had televison.\" Repo Man\\n\\n\\n',\n", + " 'From: tomk@skywalker.bocaraton.ibm.com (Thomas Chun-Hong Kok)\\nSubject: Re: Hypercard for UNIX\\nOrganization: IBM Austin\\nLines: 18\\n\\nIn article <1993Apr23.114028.17633@bernina.ethz.ch>, queloz@bernina.ethz.ch (Ronald Queloz) writes:\\n> Hi netlanders,\\n> \\n> Does anybody know if there is something like Macintosh Hypercard for any UNIX \\n> platform?\\n> \\n> \\n> Thanks in advance\\n> \\n> \\n> Ron.\\n\\n-- \\n\\nTry MetaCard - a HyperCard-like programming environment on X.\\n\\n\\nChun Hong\\n',\n", + " 'From: Clinton-HQ@Campaign92.Org (The White House)\\nSubject: CLINTON: President\\'s Press Conference 4.23.93\\nOrganization: MIT Artificial Intelligence Lab\\nLines: 838\\nNNTP-Posting-Host: life.ai.mit.edu\\n\\n\\n\\n\\t \\n\\n\\n THE WHITE HOUSE\\n\\n Office of the Press Secretary\\n______________________________________________________________\\nFor Immediate Release April 23, 1993 \\n\\n\\t \\n PRESS CONFERENCE BY THE PRESIDENT\\n\\t \\n\\t \\n The East Room \\n\\n\\n1:00 P.M. EDT\\n\\t \\n\\t \\n\\t THE PRESIDENT: Terry, do you have a question?\\n\\t \\n\\t Q\\t Mr. President, there\\'s a growing feeling that the \\nWestern response to bloodshed in Bosnia has been woefully inadequate. \\nHolocaust survivor Elie Wiesel asked you yesterday to do something, \\nanything to stop the fighting. Is the United States considering \\ntaking unilateral action such as air strikes against Serb artillery \\nsites?\\n\\t \\n\\t THE PRESIDENT: Well, first let me say, as you know, for \\nmore than a week now we have been seriously reviewing our options for \\nfurther action. And I want to say, too, let\\'s look at the last three \\nmonths. Since I became President I have worked with our allies and \\nwe have tried to move forward, first on the no-fly zone, on \\nenforcement of it, on the humanitarian airdrops, on the war crimes \\ninvestigation, on getting the Bosnian Muslims involved in the peace \\nprocess. We have made some progress. And now we have a very much \\ntougher sanctions resolution. And Leon Fuerth, who is the National \\nSecurity Advisor to the Vice President, is in Europe now working on \\nimplementing that. That is going to make a big difference to Serbia.\\n\\t \\n\\t And we are reviewing other options. I think we should \\nact. We should lead -- the United States should lead. We have led \\nfor the last three months. We have moved the coalition. And to be \\nfair, our allies in Europe have been willing to do their part. And \\nthey have troops on the ground there.\\n\\t \\n\\t But I do not think we should act alone, unilaterally, \\nnor do I think we will have to. And in the next several days I think \\nwe will finalize the extensive review which has been going on and \\nwhich has taken a lot of my time, as well as the time of the \\nadministration, as it should have, over the last 10 days or so. I \\nthink we\\'ll finish that in the near future and then we\\'ll have a \\npolicy and we\\'ll announce it and everybody can evaluate it.\\n\\t \\n\\t Q\\t Can I follow up?\\n\\t \\n\\t THE PRESIDENT: Sure.\\n\\t \\n\\t Q\\t Do you see any parallel between the ethnic \\ncleansing in Bosnia and the Holocaust?\\n\\t \\n\\t THE PRESIDENT: I think the Holocaust is on a whole \\ndifferent level. I think it is without precedent or peer in human \\nhistory. On the other hand, ethnic cleansing is the kind of \\ninhumanity that the Holocaust took to the nth degree. The idea of \\nmoving people around and abusing them and often killing them solely \\nbecause of their ethnicity is an abhorrent thing. And it is \\nespecially troublesome in that area where people of different ethnic \\ngroups live side by side for so long together. And I think you have \\nto stand up against it. I think it\\'s wrong.\\n\\t \\n\\t We were talking today about all of the other troubles in \\nthat region. I was happy to see the violence between the Croats and \\nthe Muslims in Bosnia subside this morning, and I think we\\'re making \\nprogress on that front. But what\\'s going on with the Serbians and \\nthe ethnic cleansing is qualitatively different than the other \\nconflicts, both within the former Yugoslavia and in other parts of \\nthe region.\\n\\t \\n\\t Q\\t Mr. President, by any count, you have not had a \\ngood week in your presidency. The tragedy in Waco, the defeat of \\nyour stimulus bill, the standoff in Bosnia. What did you do wrong \\nand what are you going to do differently? How do you look at things? \\nAre you reassessing? (Laughter.)\\n\\t \\n\\t THE PRESIDENT: I don\\'t really believe that the \\nsituation in Bosnia -- it\\'s not been a good week for the world, but I \\ndon\\'t know that the administration could have made it different.\\n\\t \\n\\t On the stimulus package, I\\'d like to put it into the \\nlarger context and remind you that in this 100 days we have already \\nfundamentally changed the direction of an American government. We \\nhave abandoned trickle-down economics. We\\'ve abandoned the policies \\nthat brought the debt of this country from $1 trillion to $4 trillion \\nin only a decade. \\n\\t \\n\\t The budget plan, which passed the Congress, which will \\nreduce the deficit and increase investment, has led to a 20-year low \\nin mortgage rates, dramatically lower interest rates. There are \\nprobably people in this room who have refinanced their home mortgages \\nin the last three months, or who have had access to cheaper credit. \\nThat\\'s going to put tens of billion dollars coursing throughout this \\neconomy in ways that are very, very good for the country. And so we \\nare moving in the right direction economically.\\n\\t \\n\\t I regret that the stimulus did not pass, and I have \\nbegun to ask -- and will continue to ask not only people in the \\nadministration, but people in the Congress whether there is something \\nI could have done differently to pass that. Part of the reason it \\ndidn\\'t pass was politics; part of it was a difference in ideas. \\nThere are really people still who believe that it\\'s not needed. I \\njust disagree with that. \\n\\t \\n\\t I think the recovery -- the economists say it\\'s been \\nunderway for about two years, and we\\'ve still had 16 months of seven-\\npercent unemployment, and all the wealthy countries are having \\ntrouble creating jobs. So I think there was an idea base -- an \\nargument there, that while we\\'re waiting for the lower interest rates \\nand the deficit reduction and the investments of the next four years \\nto take effect, this sort of supplemental appropriation should go \\nforward.\\n\\t \\n\\t Now, I have to tell you, I did misgauge that because a \\nmajority of the Republican senators now sitting in the Senate voted \\nfor a similar stimulus when Ronald Reagan was President in 1983, and \\nvoted 28 times for regular supplemental appropriations like this. I \\njust misgauged it. And I hope that I can learn something. I\\'ve just \\nbeen here 90 days. And, you know, I was a Governor working with a \\ncontentious legislature for 12 years, and it took me a decade to get \\npolitical reform there. So it takes time to change things. But I \\nbasically feel very good about what\\'s happened in the first 100 days \\nwith regard to the Congress.\\n\\t \\n\\t Q\\t Waco --\\n\\t \\n\\t THE PRESIDENT: Well, with regard to Waco I don\\'t have \\nmuch to add to what I\\'ve already said. I think it is a -- I want the \\nsituation looked into. I want us to bring in people who have any \\ninsights to bear on that. I think it\\'s very important that the whole \\nthing be thoroughly gone over. But I still maintain what I said from \\nthe beginning, that the offender there was David Koresh. And I do \\nnot think the United States government is responsible for the fact \\nthat a bunch of fanatics decided to kill themselves. And I\\'m sorry \\nthat they killed their children.\\n\\t \\n\\t Q\\t Mr. President, to follow up partly on Helen on your \\nstimulus package and on your political approach to Capitol Hill, Ross \\nPerot said today that you\\'re playing games with the American people \\nin your tax policy. He was strongly critical of your stimulus \\npackage. He said he\\'s going to launch an advertising campaign \\nagainst the North American Free Trade Agreement. How are you going \\nto handle his political criticism? Will it complicate your efforts \\non the Hill with your economic plan? And do you plan to repackage \\nsome of the things that have been in your stimulus program and try to \\nresubmit them to the Hill?\\n\\t \\n\\t THE PRESIDENT: Let me answer that question first. \\nWe\\'re going to revisit all of that over the next few days. I\\'m going \\nto be talking to members of Congress and to others to see what we can \\ndo about that. With regard to the economic plan, I must say I found \\nthat rather amazing. I don\\'t want to get into an argument with Mr. \\nPerot. I\\'ll be interested to hear what his specifics are, but I \\nwould -- go back and read his book and his plan. There\\'s a \\nremarkable convergence except that we have more specific budget cuts, \\nwe raise taxes less on the middle class and more on the wealthy. \\nBut, otherwise, the plans are remarkably similar. \\n\\t \\n\\t So I think it would be -- I\\'ll be interested to see if \\nmaybe perhaps he\\'s changed his position from his book last year and \\nhe has some new ideas to bring to bear. I\\'ll be glad to hear them.\\n\\t \\n\\t Q\\t To follow up, sir, how do you plan to handle his \\npolitical criticism? He\\'s launched a campaign against you. Do you \\nthink you can sit back and just --\\n\\t \\n\\t THE PRESIDENT: Well, first of all, I will ask you to \\napply the same level of scrutiny to him as you do to me. And if he\\'s \\nchanged his position from the positions he took in the campaign last \\nyear, then we need to know why and what his ideas are. Maybe he\\'s \\ngot some constructive ideas. \\n\\t \\n\\t I think the American people have shown that they\\'re very \\nimpatient with people who don\\'t want to produce results. And the one \\nthing I think that everybody has figured out about me in the last -- \\neven if they don\\'t agree with what I do -- is that I want to get \\nsomething done. I just came here to try to change things. I want to \\ndo things. And I want to do things that help people\\'s lives. So my \\njudgment is that if he makes a suggestion that is good, that is \\nconstructive, that takes us beyond some idea I\\'ve proposed that will \\nchange people\\'s lives for the better, fine. But I think that that \\nought to be the test that we apply to everyone who weighs into this \\ndebate and not just to the President.\\n\\n\\t Q\\t Mr. President, to go back to Bosnia for a minute. \\nYou continue to insist that this has to be multilateral action, a \\ncriteria that seems to have hamstrung us when it comes to many \\noptions thus far and makes it look as if this is a state of \\nparalysis. The United States is the last remaining superpower. Why \\nis it not appropriate in this situation for the United States to act \\nunilaterally?\\n\\n\\t THE PRESIDENT: Well, the United States -- surely you \\nwould agree, that the United States, even as the last remaining \\nsuperpower, has to act consistent with international law under some \\nmandate of the United Nations.\\n\\n\\t Q\\t But you have a mandate and --\\n\\n\\t THE PRESIDENT: They do, and that is one of the things \\nthat we have under review. I haven\\'t ruled out any option for \\naction. I would remind all of you, I have not ruled out any option, \\nexcept that we have not discussed and we are not considering the \\nintroduction of American forces into continuing hostilities there. \\nWe are not. \\n\\n\\t So we are reviewing other options. But I also would \\nremind you that, to be fair, our allies have had -- the French, the \\nBritish and the Canadians -- have had troops on the ground there. \\nThey have been justifiably worried about those. But they have \\nsupported the airdrops, the toughening of the sanctions. They \\nwelcomed the American delegation now in Europe, working on how to \\nmake these sanctions really work and really bite against Serbia. And \\nI can tell you that the other nations involved are also genuinely \\nreassessing their position, and I would not rule out the fact that we \\ncan reach an agreement for a concerted action that goes beyond where \\nwe have been. I don\\'t have any criticism of the British, the French \\nand others about that.\\n\\t \\n\\t Q\\t Would that be military action?\\n\\t \\n\\t Q\\t Mr. President, several of the leading lights in \\nyour administration, ranging from your FBI Director to your U.N. \\nAmbassador, to your Deputy Budget Director to your Health Services \\nSecretary, have issued statements in the last couple of weeks which \\nare absolutely contradictory to some of the positions you\\'ve taken in \\nyour administration. Why is that? Are you losing your political \\ngrip?\\n\\t \\n\\t THE PRESIDENT: Give me an example. \\n\\t \\n\\t Q\\t Example? Judge Sessions said that there was no \\nchild abuse in Waco. Madeleine Albright has said in this morning\\'s \\nnewspapers, at least, that she favors air strikes in Bosnia. All of \\nthese are things you said that you didn\\'t support.\\n\\t \\n\\t THE PRESIDENT: First of all, I don\\'t know what -- we \\nknow that David Koresh had sex with children. I think that is \\nundisputed, is it not? Is it not? Does anybody dispute that? Where \\nI come from that qualifies as child abuse. And we know that he had \\npeople teaching these kids how to kill themselves. I think that \\nqualifies as abuse. And I\\'m not criticizing Judge Sessions because I \\ndon\\'t know exactly what he said.\\n\\t \\n\\t In terms of Madeleine Albright, Madeleine Albright has \\nmade no public statement at all about air strikes. There is a press \\nreport that she wrote me a confidential letter in which she expressed \\nher -- or memo -- in which she expressed her views about the new \\ndirection we should take in response to my request to all the senior \\nmembers of my administration to let me know what they thought we \\nought to do next. And I have heard from her and from others about \\nwhat they think we ought to do next. And I\\'m not going to discuss \\nthe recommendations they made to me, but in the next few days when I \\nmake a decision about what to do, then I will announce what I\\'m going \\nto do. So I wouldn\\'t say that either one of those examples qualifies \\nspeaking out of school.\\n\\t \\n\\t Q\\t How about the Value Added Tax, Mr. President?\\n\\t \\n\\t THE PRESIDENT: What was that?\\n\\t \\n\\t Q\\t The Value Added Tax -- Mrs. Rivlin and Miss Shalala \\nboth said that they thought that that was a good idea.\\n\\t \\n\\t THE PRESIDENT: I don\\'t mind them saying they think it\\'s \\na good idea. There are all kinds of arguments for it on policy \\ngrounds. That does not mean that we have decided to incorporate it \\nin the health care debate. No decision has been made on that. And I \\nhave no objection to their expressing their views on that. We\\'ve had \\na lot of people from business and labor come to us saying that they \\nthought that tax would help make their particular industries more \\ncompetitive in the global economy. I took no -- that wasn\\'t taking a \\nline against an administration policy.\\n\\t \\n\\t Q\\t Mr. President, a week ago a group of gay and \\nlesbian representatives came out of a meeting with you and expressed \\nin the most ringing terms, their confidence in your understanding of \\nthem and their political aspirations, and their belief that you would \\nfulfill those aspirations. Do you feel now that you will be able to \\nmeet their now enhanced expectations?\\n\\t \\n\\t THE PRESIDENT: Well, I don\\'t know about that. And I \\ndon\\'t know what their -- it depends on what the expectations are. \\nBut I\\'ll tell you this: I believe that this country\\'s policies \\nshould be heavily biased in favor of nondiscrimination. I believe \\nwhen you tell people they can\\'t do certain things in this country \\nthat other people can do, there ought to be an overwhelming and \\ncompelling reason for it. I believe we need the services of all of \\nour people, and I have said that consistently. And not as a \\npolitical proposition. The first time this issue came up was in 1991 \\nwhen I was in Boston. I was just asked the question about it.\\n\\t \\n\\t And I might add -- it\\'s interesting that I have been \\nattacked -- obviously, those who disagree with me here are primarily \\ncoming from the political right in America. When I was Governor, I \\nwas attacked from the other direction for sticking up for the rights \\nof religious fundamentalists to run their child care centers and to \\npractice home schooling under appropriate safeguards. I just have \\nalways had an almost libertarian view that we should try to protect \\nthe rights of American individual citizens to live up to the fullest \\nof their capacities, and I\\'m going to stick right with that.\\n\\t \\n\\t Q\\t Are you concerned, sir, that you may have generated \\nexpectations on their end and criticism among others that has \\nhamstrung your administration in the sense of far too great emphasis \\non this issue?\\n\\t \\n\\t THE PRESIDENT: Yes, but I have not placed a great deal \\nof emphasis on it. It\\'s gotten a lot of emphasis in other quarters \\nand in the press. I\\'ve just simply taken my position and tried to \\nsee it through. And that\\'s what I do. It doesn\\'t take a lot of my \\ntime as President to say what I believe in and what I intend to do, \\nand that\\'s what I\\'ll continue to do.\\n\\t \\n\\t Q\\t Mr. President, getting back to the situation in \\nBosnia -- and we understand you haven\\'t made any final decisions on \\nnew options previously considered unacceptable. But the two most \\ncommonly heard options would be lifting the arms embargo to enable \\nthe Bosnian Muslims to defend themselves and to initiate some limited \\nair strikes, perhaps, to cut off supply lines. Without telling us \\nyour decision -- presumably, you haven\\'t made any final decisions on \\nthose two options -- what are the pros and cons that are going \\nthrough your mind right now and will weigh heavily on your final \\ndecision? \\n\\t \\n\\t THE PRESIDENT: I\\'m reluctant to get into this. There \\nare -- those are two of the options. There are some other options \\nthat have been considered. All have pluses and minuses; all have \\nsupporters and opponents within the administration and in the \\nCongress, where, I would remind you, heavy consultations will be \\nrequired to embark on any new policy.\\n\\t \\n\\t I do believe that on the air strike issue, the \\npronouncements that General Powell has made generally about military \\naction, apply there. If you take action, if the United States takes \\naction, we must have a clearly-defined objective that can be met. We \\nmust be able to understand it and its limitations must be clear. The \\nUnited States is not, should not, become involved as a partisan in a \\nwar. \\n\\t \\n\\t With regard to the lifting of the arms embargo, the \\nquestion obviously there is if you widen the capacity of people to \\nfight will that help to get a settlement and bring about peace? Will \\nit lead to more bloodshed? What kind of reaction can others have \\nthat would undermine the effectiveness of the policy?\\n\\t \\n\\t But I think both of them deserve some serious \\nconsideration, along with some other options we have.\\n\\t \\n\\t Q\\t Do you think that these people who are trying to \\nget us into war in Bosnia are really remembering that we haven\\'t \\ntaken care of hundreds of thousands of veterans from the last war and \\nwe couldn\\'t take care of our prisoners and get them all home from \\nVietnam? And now many of them are coming up with bills for \\ntreatment of Agent Orange. How can we afford to go to any more of \\nthese wars?\\n\\t \\n\\t THE PRESIDENT: Well, I think that\\'s a good argument \\nagainst the United States itself becoming involved as a belligerent \\nin a war there. But we are, after all, the world\\'s only super power. \\nWe do have to lead the world and there is a very serious problem of \\nsystematic ethnic cleansing in the former Yugoslavia, which could \\nhave not only enormous further humanitarian consequences -- and \\ngoodness knows there have been many -- but also could have other \\npractical consequences in other nearby regions where the same sorts \\nof ethnic tensions exist.\\n\\n\\t Q\\t Did you make any kind of agreement with Boris \\nYeltsin to hold off either on air strikes or any kind of aggressive \\naction against the Serbs until after Sunday? And in general, how has \\nhis political situation affected your deliberation on Bosnia?\\n\\n\\t THE PRESIDENT: No, I have not made any agreement, and \\nhe did not ask for that. We never even discussed that, interestingly \\nenough. The Russians, I would remind you, in the middle of President \\nYeltsin\\'s campaign, abstained from our attempt to get tougher \\nsanctions through the United Nations in what I thought was the proper \\ndecision for them and one that the United States and, I\\'m sure, the \\nrest of the free world very much appreciated. \\n\\n\\t Q\\t Do you wish, Mr. President, that you\\'d become more \\ninvolved in the planning of the Waco operation? And how would you \\nhandle that situation differently now?\\n\\n\\t THE PRESIDENT: I don\\'t think as a practical matter that \\nthe President should become involved in the planning of those kinds \\nof things at that detail. One of the things that I\\'m sure will come \\nout when we look into this is -- the questions will be asked and \\nanswered, did all of us who up the line of command ask the questions \\nwe should have asked and get the answers we should have gotten? And \\nI look forward to that. But at the time, I have to say, as I did \\nbefore, the first thing I did after the ATF agents were killed, once \\nwe knew that the FBI was going to go in, was to ask that the military \\nbe consulted because of the quasi, as least, military nature of the \\nconflict given the resources that Koresh had in his compound and \\ntheir obvious willingness to use them. And then on the day before \\nthe action, I asked the questions of the Attorney General which I \\nhave reported to you previously, and which at the time I thought were \\nsufficient. I have -- as I said, I\\'m sure -- I leave it to others to \\nmake the suggestions about whether there are other questions I should \\nhave asked.\\n\\t \\n\\t Q\\t Mr. President, what is your assessment of Director \\nSessions\\' role in the Waco affair? And have you made a decision on \\nhis future? And if you haven\\'t, will you give him a personal hearing \\nbefore you do decide?\\n\\t \\n\\t THE PRESIDENT: Well, first of all, I have no assessment \\nof his role since I had no direct contact with him. And I mean no \\nnegative or positive inference. I have no assessment there. I stand \\nby what I said before about my general high regard for the FBI. And \\nI\\'m waiting for a recommendation from the Attorney General about what \\nto do with the direction of the FBI.\\n\\t \\n\\t Q\\t Mr. President, since you said that one side in \\nBosnia conflict represents inhumanity that the Holocaust carried to \\nthe nth degree, why do you then tell us that the United States cannot \\ntake a partisan view in this war?\\n\\t \\n\\t THE PRESIDENT: Well, I said that the principle of \\nethnic cleansing is something we ought to stand up against. That \\ndoes not mean that the United States or the United Nations can enter \\na war, in effect, to redraw the lines, geographical lines of \\nrepublics within what was Yugoslavia, or that that would ultimately \\nbe successful.\\n\\t \\n\\t I think what the United States has to do is to try to \\nfigure out whether there is some way consistent with forcing the \\npeople to resolve their own difficulties we can stand up to and stop \\nethnic cleansing. And that is obviously the difficulty we are \\nwrestling with. This is clearly the most difficult foreign policy \\nproblem we face, and that all of our allies face. And if it were \\neasy, I suppose it would have been solved before. We have tried to \\ndo more in the last 90 days than was previously done. It has clearly \\nnot been enough to stop the Serbian aggression, and we are now \\nlooking at what else we can do.\\n\\t \\n\\t Q\\t Yesterday you specifically criticized the Roosevelt \\nadministration for not having bombed the railroads to the \\nconcentration camps and things that were near military targets. \\nAren\\'t there steps like that that would not involve conflict --direct \\nconflict or partisan belligerence that you might consider?\\n\\t \\n\\t THE PRESIDENT: There may be. I would remind you that \\nthe circumstances were somewhat different. We were then at war with \\nGermany at the time and that\\'s what made that whole incident so --\\nseries of incidents -- so perplexing. But we have -- as I say, we\\'ve \\ngot all of our options under review.\\n\\t \\n\\t Q\\t The diplomatic initiative on Haiti is on the verge \\nof collapse. What can you do to salvage it short of a full-scale \\nmilitary operation?\\n\\t \\n\\t THE PRESIDENT: Well, you may know something I don\\'t. \\nThat\\'s not what our people tell me. I think Mr. Caputo and \\nAmbassador Pezzullo have done together a good job. The thing keeps \\ngoing back and forth because of the people who are involved with the \\nde facto government there. It\\'s obvious what their concerns are. \\nThey were the same concerns that led to the ouster of Aristide in the \\nfirst place, and President Aristide, we feel, should be restored to \\npower. We\\'re working toward that. I get a report on that -- we \\ndiscuss it at least three times a week, and I\\'m convinced that we\\'re \\ngoing to prevail there and be successful. \\n\\t \\n\\t I do believe that there\\'s every reason to think that \\nthere will have to be some sort of multilateral presence to try to \\nguarantee the security and the freedom from violence of people on \\nboth sides of the ledger while we try to establish the conditions of \\nongoing civilized society. But I believe we\\'re going to prevail \\nthere.\\n\\t \\n\\t Q\\t Mr. President, would you care to make your \\nassessment of the first 100 days before we make one for you? \\n(Laughter.)\\n\\t \\n\\t THE PRESIDENT: Well, I\\'ll say if -- I believe, first of \\nall, we passed the budget resolution in record time. That was the \\nbiggest issue. That confirmed the direction of the administration \\nand confirmed the commitments of the campaign that we could both \\nbring the deficit down and increase investment, and that we could do \\nit by specific spending cuts and by raising taxes, almost all of \\nwhich come from the highest income people in this society --reversing \\na 12-year trend in which most of the tax burdens were borne by the \\nmiddle class, whose incomes were going down when their taxes were \\ngoing up, while the deficit went from $1 trillion to $4 trillion, the \\ntotal national debt, and the deficit continued to go up.\\n\\t \\n\\t We have a 20-year low in interest rates from mortgages. \\nWe have lower interest rates across the board. We have tens of \\nbillions of dollars flooding back into this economy as people \\nrefinance their debt. \\n\\t \\n\\t We have established a new environmental policy, which is \\ndramatically different. The Secretary of Education has worked with \\nme and with others and with the governors to establish a new approach \\nin education that focuses on tough standards, as well as increasing \\nopportunity. We have done an enormous amount of work on political \\nreform, on campaign finance and lobbying reform. And I have imposed \\ntough ethics requirements on my own administration\\'s officials. \\nThese things are consistent with not only what I said I\\'d do in the \\ncampaign, but with turning the country around. The Vice President is \\nheading a task force which will literally change the way the federal \\ngovernment operates and make it much more responsive to the citizens \\nof this country. \\n\\t \\n\\t We are working on a whole range of other things. The \\nwelfare reform initiative, to move people from welfare to work. And, \\nof course, a massive amount of work has been done on the health care \\nissue, which is a huge economic and personal security problem for \\nmillions of Americans. \\n\\t \\n\\t So I think it is amazing how much has been done. More \\nwill be done. We also passed the Family Leave bill. A version of \\nthe motor voter bill -- that has not come out of conference back to \\nme yet. And everything has been passed except the stimulus program. \\nSo I think we\\'re doing fine and we\\'re moving in the right direction. \\nI feel good about it.\\n\\t \\n\\t Q\\t Sir, a follow-up. Wouldn\\'t you say, though, that \\none of your biggest initiatives, aid to Soviet Russia, is now \\npractically finished -- if we can\\'t pass a stimulus bill in our own \\ncountry, how can we do it for them?\\n\\t \\n\\t THE PRESIDENT: Let me recast the question a little bit. \\nIt\\'s a good question -- (laughter) -- it\\'s a good question, but to be \\nfair we\\'ve got to recast it. We have already -- the first round of \\naid to the Soviet -- to non-Soviet Russia, to a democratic Russia, is \\nplainly going to go through, the first $1.6 billion. The aid that we \\nagreed with our partners in the G-7 to provide through the \\ninternational financial institutions, which is a big dollar item, is \\nplainly going to go through. The question is, can we get any more \\naid for Russia that requires a new appropriation by the United States \\nCongress? And that is a question I think, Mary, that will be \\nresolved in the weeks ahead, in part by what happens to the American \\nworkers and their jobs and their future. I think the two things will \\nbe tied by many members of Congress.\\n\\n\\t Q\\t The tailhook report came out this morning, \\ndocumenting horrendous and nearly-criminal conduct on the part of the \\nNavy. How much did you discuss the incident and what might be done \\nabout it with your nominee to be the Secretary of the Navy?\\n\\n\\t THE PRESIDENT: First, let me comment a little on that. \\nThe Inspector General\\'s report details conduct which is wrong and \\nwhich has no place in the armed services. And I expect the report to \\nbe acted on in the appropriate way. I also want to say to the \\nAmerican people and to all of you that the report should be taken for \\nwhat it is, a very disturbing list of allegations which will have to \\nbe thoroughly examined. It should not be taken as a general \\nindictment of the United States Navy or of all the fine people who \\nserve there. It is very specific in its allegations, and it will be \\npursued. \\n\\n\\t The only thing I said to the Secretary-Designate of the \\nNavy and the only thing I should have said to him, I think, is that I \\nexpected him to take the report and to do his duty. And I believe he \\nwill do that.\\n\\n\\t Q\\t Mr. President, to back to Russia for just a minute. \\nThe latest poll show that Mr. Yeltsin will probably win his vote of \\nconfidence. But there seems to be a real toss-up on whether or not \\nvoters are going to endorse his economic reforms. \\n\\n\\t THE PRESIDENT: I understand that. \\n\\n\\t Q\\t Can you live with a split -- (laughter) -- can you \\nlive with a split decision, though, or do you need both passed in \\norder to then build support for Russian aid?\\n\\n\\t THE PRESIDENT: I believe -- the answer to your question \\nis, for the United States, the key question should be that which is \\nposed to any democracy, which is who wins the election. If he wins \\nthe election, if he is ratified by the Russian people to continue as \\ntheir President, then I think we should do our best to work with him \\ntoward reform.\\n\\t \\n\\t You know, we had a lot of other countries here for the \\nHolocaust Museum dedication -- their leaders were here. Leaders from \\nEastern Europe, leaders from at least one republic of the former \\nSoviet Union; all of them having terrible economic challenges as they \\nconvert from a communist command and control economy to a market \\neconomy in a world where there\\'s economic slowdown everywhere. And \\nin a world in which there\\'s economic slowdown and difficulty, all \\nleaders will have trouble having their policies be popular in a poll \\nbecause they haven\\'t produced the results that the people so \\nearnestly yearn for. You can understand that. \\n\\t \\n\\t But if they have confidence in the leadership, I think \\nthat\\'s all we can ask. And the United States will -- if the Russian \\npeople ratify him as their President and stick with him then the \\nUnited States will continue to work with him. I think he is a \\ngenuine democrat -- small d -- and genuinely committed to reform. I \\nthink that we should support that.\\n\\n\\t Q\\t Mr. President, Mr. Perot has come out strongly in \\nwhat is perceived behind the line against a free trade agreement --\\nNAFTA. How hard are you going to fight for this free trade agreement \\nand when do you expect to see it accomplished?\\n\\t \\n\\t THE PRESIDENT: I think we\\'ll have the agreement ready \\nin the fairly near future. You know, our people are still working \\nwith the Mexican government and with the Canadians on the side \\nagreements. We\\'re trying to work out what the environmental \\nagreement will say, what the labor agreement will say, and then what \\nthe fairest way to deal with enforcement is. \\n\\t \\n\\t The Mexicans say, and there is some merit to their \\nposition, that they\\'re worried about transferring their sovereignty \\nin enforcement to a multilateral commission. Even in the United \\nStates, to be fair, we have some folks who are worried about that --\\nabout giving that up. On the other hand, if we\\'re going to have an \\nenvironmental agreement and a labor standards agreement that means \\nsomething, then there has to be ultimately some consequences for \\nviolating them. So what we\\'re trying to do is to agree on an \\napproach which would say that if there is a pattern of violations --\\nif you keep on violating it past a certain point -- maybe not an \\nisolated incident, but a pattern of violation -- there is going to be \\nsome enforcement. There must be consequences. And we\\'re working out \\nthe details of that.\\n\\t \\n\\t But I still feel quite good about it. And this is just \\nan area where I disagree with Mr. Perot and with others. I think \\nthat we will win big if we have a fair agreement that integrates more \\nclosely the Mexican economy and the American economy and leads us \\nfrom there to Chile to other market economies in Latin America, and \\ngives us a bigger world in which to trade. I think that\\'s the only \\nway a rich country can grow richer. If you look at what Japan and \\nother countries in the Pacific are doing to reach out in their own \\nregion, it\\'s a pretty good lesson to us that we had better worry \\nabout how to build those bridges in our own area. \\n\\t \\n\\t So this is an idea battle. You know, you\\'ve got a lot \\nof questions and I want to answer them all, but let me say not every \\none of these things can be distilled simply into politics -- you \\nknow, who\\'s for this and who\\'s for that, and if this person is for \\nthis, somebody else has got to be for that. A lot of these things \\nhonestly involved real debates over ideas, over who\\'s right and wrong \\nabout the world toward which we\\'re moving. And the answers are not \\nself-evident. And one of the reasons that I wanted to run for \\nPresident is I wanted to sort of open the floodgates for debating \\nthese ideas so that we could try to change in the appropriate way. \\nSo I just have a difference of opinion. I believe that the concept \\nof NAFTA is sound, even though, as you know, I thought that the \\ndetails needed to be improved.\\n\\t \\n\\t Q\\t Mr. President, there was a tremendous flurry of \\ninterest earlier this month in the Russian document that purported to \\nshow that the Vietnamese had held back American prisoners. General \\nVessey has now said publicly that while the document itself was \\nauthentic, he believes that it was incorrect. Do you have a personal \\nview at this point about that issue? And more broadly, do you \\nbelieve that, in fact, the Vietnamese did return all the American \\nprisoners at the time of the Paris Peace Accord?\\n\\t \\n\\t THE PRESIDENT: First let me say, I saw General Vessey \\nbefore he went to Vietnam and after he returned. And I have a high \\nregard for him and I appreciate his willingness to serve his country \\nin this way. As to whether the document had any basis in fact, let \\nme say that the government of Vietnam was more forthcoming than it \\nhad been in the past and gave us some documents that would tend to \\nundermine the validity of the Russian documents claim.\\n\\t \\n\\t I do not know whether that is right or wrong. We are \\nhaving it basically evaluated at this time, and when we complete the \\nevaluation, we\\'ll tell you. And, of course, we want to tell the \\nfamilies of those who were missing in action or who were POWs. I \\nthink that we\\'ll be able to make some progress in eliminating some of \\nthe questions about the outstanding cases as a result of this last \\ninterchange, but I cannot say that I\\'m fully satisfied that we know \\nall that we need to know. There are still some cases that we don\\'t \\nknow the answer to. But I do believe we\\'re making some progress. I \\nwas encouraged by the last trip.\\n\\t \\n\\t Q\\t I\\'d like to follow up on that. Before the U.S. \\nnormalizes relations, allows trade to go forward, do you have to be \\npersonally sure that every case has been resolved or would you be \\nwilling to go forward on the basis that while it may take years to \\nresolve these cases, the Vietnamese have made sufficient offerings to \\nus to confirm good faith?\\n\\t \\n\\t THE PRESIDENT: A lot of experts say you can never \\nresolve every case, every one, that we couldn\\'t resolve all the cases \\nfor them and that there are still some cases that have not been \\nfactually resolved, going back to the Second World War. But what I \\nwould have to be convinced of is that we had gone a long way toward \\nresolving every case that could be resolved at this moment in time, \\nand that there was a complete, open and unrestricted commitment to \\ncontinue to do everything that could be done always to keep resolving \\nthose cases. And we\\'re not there yet. \\n\\t \\n\\t Again, I have to be guided a little bit by people who \\nknow a lot about this. And I confess to being much more heavily \\ninfluenced by the families of the people whose lives were lost there, \\nor whose lives remain in question than by the commercial interest and \\nthe other things which seem so compelling in this moment. I just am \\nvery influenced by how the families feel.\\n\\t \\n\\t Q\\t your economic stimulus package, are you doing \\nsome kind of reality check now and scaling back some of your plans, \\nyour legislative plans for the coming year, including the crime bill, \\nthe health care initiative and other things? Are there any plans to \\ndo that? And also, did you underestimate the power of Senator Bob \\nDole?\\n\\t \\n\\t THE PRESIDENT: No, what I underestimated was the extent \\nto which what I thought was a fairly self-evident case, particularly \\nafter we stayed below the spending caps approved by this Congress, \\nincluding the Republicans who were in this Congress last year -- when \\nwe had already passed a budget resolution which called for over $500 \\nbillion in deficit reduction. When they had voted repeatedly for \\nsupplemental appropriations to help foreign governments, I thought at \\nleast four of them would vote to break cloture, and I underestimated \\nthat. I did not have an adequate strategy of dealing with that. \\n\\t \\n\\t I also thought that if I made a good-faith effort to \\nnegotiate and to compromise, that it would not be rebuffed. Instead, \\nevery time I offered something they reduced the offer that they had \\npreviously been talking to the Majority Leader about. So it was a \\nstrange set of events. But I think what happened was what was a \\nsignificant part of our plan, but not the major part of it, acquired \\na political connotation that got out of proportion to the merits, so \\nthat a lot of Republicans were saying to me privately, \"Mr. \\nPresident, I\\'d like to be for this, but I can\\'t now. And we\\'re all \\nstrung out and we\\'re divided.\" \\n\\t \\n\\t And I think we need to do a reality check. As I said, \\nwhat I want to know -- let me go back to what I said -- what I want \\nto know from our folks and from our friends in the Senate on -- and \\nRepublicans or Democrats -- is what could I have done differently to \\nmake it come out differently. Because the real losers here were not \\nthe President and the administration. The real losers were the \\nhundreds of thousands of people who won\\'t have jobs now. We could \\nhave put another 700,000 kids to work this summer. I mean, we could \\nhave done a lot of good things with that money. And I think that is \\nvery, very sad. And it became more political than it should have. \\nBut the underlying rationale I don\\'t think holds a lot of water --\\nthat it was deficit spending. That just won\\'t wash.\\n\\t \\n\\t Q\\t and redo --\\n\\t \\n\\t THE PRESIDENT: No. I mean, you know, for example --you \\nmentioned the crime bill. I think it would be a real mistake not to \\npass the crime bill. I mean, the crime bill was almost on the point \\nof passage last year. And they were all fighting over the Brady \\nBill. Surely, surely after what we have been through in this country \\njust in the last three months, with the kind of mindless violence we \\nhave seen, we can pass a bill requiring people to go through a \\nwaiting period before they buy a handgun. And surely we can see that \\nwe need more police officers on the street. \\n\\t \\n\\t That\\'s another thing that -- I really believe that once \\nwe move some of that money -- not all, but some of it up into this \\njobs package to make some of the jobs rehiring police officers on the \\nstreet who\\'d been laid off, that would be a compelling case. I mean \\npeople are scared in this country and I think we need to go forward. \\nI feel very strongly that we need to go forward on the crime bill.\\n\\t \\n\\t Q\\t Mr. President, back to the tailhook report for a \\nsecond. That report contained very strong criticism of the Navy\\'s \\nsenior leadership in general, but did not name any of the senior \\nofficers. Do you believe that the senior officers who are implicated \\nin this, including Admiral Kelso who was there one night in Las \\nVegas, should they be disciplined and do you believe the public has a \\nright to know the names of the senior officers?\\n\\t \\n\\t THE PRESIDENT: You should know that under the rules of \\nlaw which apply to this, I am in the chain of command. There is now \\nan Inspector General\\'s report and the law must take its course. If I \\nwere to answer that question I might prejudice any decisions which \\nmight be later made in this case. I don\\'t really think -- I think \\nall I can tell you is what I have already said. I was very disturbed \\nby the specific allegations in the Inspector General\\'s report, and I \\nwant appropriate action to be taken. \\n\\t \\n\\t Until the proper procedures have a chance to kick in and \\nappropriate action is taken, I have been advised that because I am \\nthe Commander-in-Chief I have to be very careful about what I say so \\nas not to prejudice the rights of anybody against whom any action \\nmight proceed or to prejudice the case in any other way either pro or \\ncon. So I can\\'t say any more except to say that I want this thing \\nhandled in an appropriate and thorough way.\\n\\t \\n\\t Q\\t Mr. President, could I ask you for a clarification \\non Bosnia? You said that you were not considering introduction of \\nAmerican forces. Does that include any air forces as well as ground \\nforces, sir?\\n\\t \\n\\t THE PRESIDENT: I said ground forces.\\n\\t \\n\\t Q\\t You said ground forces. Could I ask you, sir, if \\nyou fear that using U.S. air strikes might draw the United States \\ninto a ground war there?\\n\\t \\n\\t THE PRESIDENT: I just don\\'t want to discuss our \\nevaluation of the options anymore. I\\'ve told you that there\\'s never \\nbeen a serious discussion in this country about the introduction of \\nground forces into an ongoing conflict there.\\n\\t \\n\\t Q\\t With hundreds of thousands of gays in Washington \\nthis weekend for the march, did you ever reconsider your decision to \\nleave town for this weekend? Did you ever consider in any way \\nparticipating in some of the activities? \\n\\t \\n\\t THE PRESIDENT: No.\\n\\t \\n\\t Q\\t Why not?\\n\\t \\n\\t THE PRESIDENT: Because I -- and, basically, I wouldn\\'t \\nparticipate in other marches. I think once you become President, on \\nbalance, except under unusual circumstances, that is not what should \\nbe done. But more importantly, I\\'m going to the American Society of \\nNewspaper Editors, a trip that presumably most of you would want me \\nto make, to try to focus anew on what I think are the fundamental \\nissues at stake for our country right now. And I expect that I will \\nsay something about the fact that a lot of Americans have come here, \\nasking for a climate that is free of discrimination; asking, \\nbasically, to be able to work hard and live by the rules and be \\ntreated like other American citizens if they do that, and just that. \\nAnd that\\'s always been my position -- not only for the gays who will \\nbe here, but for others as well. \\n\\t \\n\\t Thank you very much.\\n\\n END1:48 P.M. EDT\\n\\n\\n\\n',\n", + " \"From: reedr@cgsvax.claremont.edu\\nSubject: Re: DID HE REALLY RISE???\\nOrganization: The Claremont Graduate School\\nLines: 58\\n\\nIn article , Gene.Gross@lambada.oit.unc.edu (Gene Gross) writes:\\n> \\n> Of course they knew where it was. Don't forget that Jesus was seen by both\\n> the Jews and the Romans as a troublemaker. Pilate was no fool and didn't \\n> need the additional headaches of some fishermen stealing Jesus' body to \\n> make it appear He had arisen. Since Jesus was buried in the grave of a \\n> man well know to the Sanhedrin, to say that they didn't know where He was\\n> buried begs the question.\\n\\nHere again, the problem with most of the individuals posting here, you take the\\nbiblical account as though it were some sort of historical recounting in the\\nmodern sense. I would refer you to John Dominic Crossans Book _The Cross That\\nSpoke_ (Pub. Harper and Row, 1988). The earliest texts which we have make no\\nreference to an empty tomb. Nor is an empty tomb necessary for a claim of\\nresurrection. Modern Evangelicals/Fundamentalists have completely missed what\\nthe point of resurrection is -- Here the work of George Nickelsburg's work \\n_Resurrection, Immortality, and Eternal Life in Intertestamental Judaism_ (Publ\\nCambridge, Havard Univ. Press, 1972) is most helpful. Look At Rom 1:1-3. Paul\\nhere has no need of an empty tomb. Additionally in 1 Cor 15, Here again there\\nis no mention of an empty tomb. He was raised (note the passive), he appeared,\\nno ascension either.\\n\\nResurrection could be accomplished without ever disturbing the bones in the\\ngrave. The whole idea of an empty tomb isn't broached in any of our texts\\nuntil well after the fall of Jerusalem. By that time, the idea of coming up\\nwith a body would have been ludicrious. Moreover Mack has argued (convicingly,\\nI think) that the empty tomb story first appears in Mark (we have no texts\\nbefore this which mention the tomb). \\n \\n\\n> \\n> Now, you say that you think that the disciples stole the body. But think on\\n> this a moment. Would you die to maintain something you KNEW to be a \\n> deliberate lie!? If not, then why do you think the disciples would!? Now, I'm\\n> not talking about dying for something you firmly believe to be the truth, \\n> but unbeknown to you, it is a lie. Many have done this. No, I'm talking about\\n> dying, by beheading, stoning, crucifixion, etc., for something you know to\\n> be a lie! Thus, you position with regards to the disciples stealing the \\n> body seems rather lightweight to me.\\n> \\n> As for graverobbers, why risk the severe penalties for grave robbing over \\n> the body of Jesus? He wasn't buried with great riches. So, again, this is\\n> an argument that can be discounted.\\n> \\n> That leaves you back on square one. What happened to the body!?\\n> \\n> \\n> [Again, let me comment that the most plausible non-Christian scenario,\\n> and the one typically suggested by sceptics who are knowledgeable\\n> about the NT, is that the resurrection was a subjective event, and the\\n> empty tomb stories are a result of accounts growing in the telling.\\n> --clh]\\n\\nYou are quite right here. Even the Idea of a subjective mystical event as the\\nfoundation of the resurrection narratives is currently becoming more untenable.\\nSee B. Mack _A Myth of Innocence_.\\n\\nrandy\\n\",\n", + " \"From: aruit@idca.tds.philips.nl (Anton de Ruiter)\\nSubject: ??? TOP-30 MOTIF Applications ???\\nOrganization: Digital Equipment Enterprise bv, Apeldoorn, The Netherlands.\\nLines: 35\\n\\nHello everybody,\\n\\nI am searching for (business) information of Motif applications, to create a\\nTOP-30 of most used WordProcessors, Spreadsheets, Drawing programs, Schedulers\\nand Fax programs, etc..\\n\\nPlease mail me all your information or references. I will summaries the\\nresults on this media.\\n\\n\\nThank you in advance,\\n\\nAnton de Ruiter.\\n\\n+----------------------------------------------------------------------------+\\n| _ __ |Digital Equipment Corporation |\\n| /_| __ /_ _ __ __/_ /__) ./_ _ _|WorkGroup Products (WGP) |\\n|/ |/ /(_ (_)/ / (_/(-' / \\\\ (_//(_ (-'/ |OBjectWorks (OBW) |\\n| |Ing. Anton de Ruiter MBA |\\n| |Software Product Manager |\\n| __ |Post Office Box 245 |\\n| | /_ _ /_ / _'_ _ _ |7300 AE Apeldoorn, The Netherlands|\\n| |/|/(_)/ /\\\\ (__// (_)(_//_) |Oude Apeldoornseweg 41-45 |\\n| / |7333 NR Apeldoorn, The Netherlands|\\n| __ |-----------------------------------|\\n| /__)_ _ __/ _ /_ _ |Mail : HLDE01::RUITER_A |\\n| / / (_)(_/(_/(_ (_ _\\\\ |DTN : 829-4359 |\\n| |Location: APD/F1-A22 |\\n| |-----------------------------------|\\n| __ _ |Internet: aruit@idca.tds.philips.nl|\\n| / )/_) ._ _ /_ | /_ _ /_ _ |UUCP : ..!mcsun!philapd!aruit |\\n| (__//__)/(-'(_ (_ |/|/(_)/ /\\\\ _\\\\ |Phone : 31 55 434359 (Business)|\\n| _/ |Phone : 31 5486 18199 (Private) |\\n| |Fax : 31 55 432199 |\\n+----------------------------------------------------------------------------+\\n\",\n", + " 'From: nsmca@aurora.alaska.edu\\nSubject: Re: Eco-Freaks forcing Space Mining.\\nArticle-I.D.: aurora.1993Apr23.001718.1\\nOrganization: University of Alaska Fairbanks\\nLines: 28\\nNntp-Posting-Host: acad3.alaska.edu\\n\\nIn article <1r6b7v$ec5@access.digex.net>, prb@access.digex.com (Pat) writes:\\n> Besides this was the same line of horse puckey the mining companies claimed\\n> when they were told to pay for restoring land after strip mining.\\n> \\n> they still mine coal in the midwest, but now it doesn\\'t look like\\n> the moon when theyare done.\\n> \\n> pat\\n===\\nI aint talking the large or even the \"mining companies\" I am talking the small\\nminers, the people who have themselves and a few employees (if at all).The\\npeople who go out every year and set up thier sluice box, and such and do\\nmining the semi-old fashion way.. (okay they use modern methods toa point).\\n\\nI am talking the guy who coem to Nome evry year, sets up his tent on the beach\\n(the beach was washed away last year) and sets up his/her sluice box and goes\\nat it \"mining\".\\nI know the large corps, such as Alaska Gold Company, might complain to..\\n\\nMy opinions are what I learn at the local BS table..\\n\\nMy original thing/idea was that the way to get space mining was to allow the\\neco-freaks thier way.. As they have done with other mineral development.\\nYou can\\'t in many places can\\'t go to the bathroom in the woods without some\\nform of regulation covering it.. \\n\\n==\\nMichael Adams, nsmca@acad3.alaska.edu -- I\\'m not high, just jacked\\n',\n", + " 'From: trevor@telesoft.com (Trevor Bourget @ignite)\\nSubject: Re: REPOST: Accelerators/Translations\\nKeywords: Accelerator, case\\nOrganization: Alsys Group, San Diego, CA, USA\\nLines: 75\\n\\nIn sdennis@osf.org writes:\\n\\n>I posted this a while ago and didn\\'t receive one reply, and now we\\n>have another bug report on the same subject. Can anybody help me out?\\n\\nThe problem is that Motif uses XGrabKey to implement menu accelerators,\\nand these grabs are specific about which modifiers apply. Unfortunately,\\nthe specification for XGrabKey doesn\\'t allow AnyModifier to be combined\\nwith other modifiers, which is exactly what would be desired in this case:\\n\"Ctrl Anyq\".\\n\\n>In ORA Vol. 6, in the section on accelerators it says \"For information\\n>on how to specify translation tables see Vol. 4...\", this is so you\\n>know what to put for the XmNaccelerator resource. If you go to\\n>Vol. 4 it says, \"Likewise, if a modifier is specified, there is\\n>nothing to prohibit other modifiers from being present as well. For\\n>example, the translation:\\n>\\tShiftq:\\tquit()\\n>will take effect even if the Ctrl key is held down at the same time as\\n>the Shift key (and the q key).\\n\\nThis is true for accelerators and mnemonics, which are implemented using\\nevent handlers instead of grabs; it\\'s not true for menu accelerators. If\\nyou\\'re a Motif implementor, I\\'d suggest lobbying to get the Xlib semantics\\nchanged to support the feature I described above. Otherwise, change the\\ndocumentation for menu accelerators to properly set the user\\'s\\nexpectations, because menu accelerators are NOT the same thing as\\ntranslations.\\n\\n>Is it possible to supply > 1 accelerator for a menu entry?\\n\\nIf you mean \"menu accelerator\", no it\\'s not possible. That\\'s according to\\nthe definition of the XmNaccelerator resource in the XmLabel manual page.\\n\\n>Keep in mind when answering this question that when using Motif you\\n>can\\'t use XtInstallAccelerators().\\n\\nI can\\'t think of a reason why not.\\n\\n>How can you ensure that accelerators work the same independent of\\n>case? What I want is Ctrl+O and Ctrl+o to both be accelerators on one\\n>menu entry.\\n\\nThere is a workaround for Motif users. In addition to the normal menu\\naccelerator you install on the XmPushButton[Gadget], set an XtNaccelerators\\nresource on the shell (TopLevel or Application). Install the shell\\'s\\naccelerators on itself and all of its descendants with\\nXtInstallAllAccelerators (shell, shell).\\n\\nFor example,\\n\\n applicationShell - mainWindow - menuBar - fileCascade\\n\\t\\t\\t\\t\\t -- filePulldown - openPushbutton\\n\\t\\t\\t\\t\\t\\t\\t - exitPushbutton\\n\\n *openPushbutton.accelerator = CtrlO\\n *openPushbutton.acceleratorText = Ctrl+O\\n *exitPushbutton.accelerator = CtrlQ\\n *exitPushbutton.acceleratorText = Ctrl+Q\\n\\n *applicationShell.accelerators = #override\\\\n\\\\\\n CtrlO: PerformAction(*openPushbutton, ArmAndActivate)\\\\n\\\\\\n CtrlQ: PerformAction(*exitPushbutton, ArmAndActivate)\\n\\nYou have to write and add the application action PerformAction, which you\\ncan implement by using XtNameToWidget on the first argument and then\\nXtCallActionProc with the rest of the arguments.\\n\\nI tested out something similar to this. To shorten development time, I\\nused TeleUSE\\'s TuNinstallAccelerators resource to install the accelerators\\non the shell, and I directly invoked the Open and Quit D actions instead\\nof asking the pushbuttons to do it for me, but the more general approach I\\ndescribed above should work.\\n\\n-- Trevor Bourget (trevor@telesoft.com)\\n',\n", + " \"From: hou@siemens.com. (Tai-Yuan Hou)\\nSubject: How to iconize a window?\\nKeywords: icon, window\\nNntp-Posting-Host: orion.siemens.com\\nOrganization: Siemens Corporate Research, Princeton (Plainsboro), NJ\\nLines: 7\\n\\nI have an application running in one window. In this application,\\nI'd like to iconize this window, and later deiconize back to window.\\nHow could I do it? Your help would be appreciated.\\n\\nTai\\nthou@siemens.com\\n\\n\",\n", + " \"From: kthompso@donald.WichitaKS.NCR.COM (Ken Thompson)\\nSubject: Re: 68HC11 problem\\nOrganization: NCR Corporation Wichita, KS\\nLines: 21\\n\\nmdanjou@gel.ulaval.ca (Martin D'Anjou) writes:\\nB\\n)>>>>>>>>> Votre host est mal configure... <<<<<<<<<<<<\\n\\n\\n)Bonjour Sylvain,\\n)\\tJ'ai travaille avec le hc11 il y a 3 ans et je ne me souviens pas de toutes les possibilites mais je vais quand meme essayer de t'aider.\\n\\n)\\tJe ne crois pas que downloader une programme directement dans le eeprom soit une bonne idee (le eeprom a une duree de vie limitee a 10 000 cycles il me semble). Le communication break down vient peut-etre du fait que le eeprom est long a programmer (1ms par 8 bytes mais c'est a verifier) et que les delais de transfer de programme s19 vers la memoire sont excedes. Normalement, les transferts en RAM du code s19 est plus rapide car le RAM est plus rapide que le eeprom en ecriture.\\n\\n)\\tC'est tout ce que ma memoire me permet de me souvenir!\\n\\n)Bonne chance,\\n\\nOh yeah easy for him to say!...\\n\\n-- \\nKen Thompson N0ITL \\nNCR Corp. Peripheral Products Division Disk Array Development\\n3718 N. Rock Road Wichita KS 67226 (316)636-8783\\nKen.Thompson@wichitaks.ncr.com \\n\",\n", + " 'From: aj008@cleveland.Freenet.Edu (Aaron M. Barnes)\\nSubject: Keyboards, Drives, Radios for sale!\\nOrganization: Case Western Reserve University, Cleveland, Ohio (USA)\\nLines: 24\\nNNTP-Posting-Host: slc4.ins.cwru.edu\\n\\n\\nHello.\\n\\nI have these items for sale.\\n\\nTerms are UPS COD or prepayment by money order.\\n\\n2 101 keyboards for IBM compatibles\\n\\n1 Mitsumi 1.2 MB 5 1/4 floppy disk drive\\n\\n1 Sony SRF-M30 digital AM/FM Stereo Walkman\\n\\nThe drive cost me $65, the keyboards were $40 each, and the Sony \\nradio cost $45.\\n\\nI will sell for the best offers.\\n\\nThank You.\\n-- \\n / / Buchanan in `96!\\n / / Fear the goverment that fears your guns.\\n \\\\ \\\\/ / Without the 2nd amendment, we cannot guarantee ou\\n \\\\/ / r freedoms. aj008@cleveland.freenet.edu\\n',\n", + " \"Subject: Re: Information needed...\\nFrom: mchase@oneb.almanac.bc.ca\\nOrganization: The Old Frog's Almanac, Nanaimo, B.C.\\nKeywords: mazda mx-6\\nLines: 16\\n\\nyjwon@deca.cs.umn.edu (Youjip Won) writes:\\n\\n> Hi! This is my first time to post on this news group. Now a days , I have stu\\n> There is a engine warning signal on the dash board. While driving, this si\\n> I wanna know how the engine warning signal comes. Is anybody out there who \\n> \\n\\nLow oil pressure, usually. Could be your oil pump, or...\\nchecked your oil lately???\\n\\nMC\\n\\n mchase@oneb.almanac.bc.ca (Mark Chase)\\n The Old Frog's Almanac (Home of The Almanac UNIX Users Group) \\n(604) 245-3205 (v32) (604) 245-4366 (2400x4)\\n Vancouver Island, British Columbia Waffle XENIX 1.64 \\n\",\n", + " \"From: belvilad@dunx1.ocs.drexel.edu (A. Belville)\\nSubject: Re: Pool table for sale\\nOrganization: Drexel University, Philadelphia\\nLines: 11\\n\\nIn article <1993Apr25.135642.5666@magnus.acs.ohio-state.edu> kwmiller@magnus.acs.ohio-state.edu (Kenneth W Miller) writes:\\n>Ken\\n\\n\\tWell tell us about your pool table!\\n\\n-=- Andy -=-\\n\\n_______________________________________________________________________________\\nAndy Belville || It's taken me a long time, but I've\\nbelvilad@dunx1.ocs.drexel.edu || fallen in Love with a beautiful woman.\\n_______________________________________________________________________________\\n\",\n", + " 'Subject: Re: Christian Daemons? [Biblical Demons, the u\\nFrom: stigaard@mhd.moorhead.msus.edu\\nReply-To: stigaard@mhd.moorhead.msus.edu\\nOrganization: Moorhead State University, Moorhead, MN\\nNntp-Posting-Host: 134.29.97.2\\nLines: 23\\n\\n>>>667\\n>>>the neighbor of the beast\\n>>\\n>>No, 667 is across the street from the beast. 664 and 668 are the\\n>>neighbors of the beast.\\n>\\n>I think some people are still not clear on this:\\n>667 is *not* the neighbor of the beast, but, rather, across the\\n>street. It is, in fact, 668 which is the neighbor of the beast.\\n\\nno, sheesh, didn\\'t you know 666 is the beast\\'s apartment? 667 is across the\\nhall from the beast, and is his neighbor along with the rest of the 6th floor.\\n\\n>Justin (still trying to figure out what this has to do with alt.discordia)\\n\\nThis doesn\\'t seem discordant to you?\\n\\n----------------------- ---------------------- -----------------------\\n\\t-Paul W. Stigaard, Lokean Discordian Libertarian\\n !XOA!\\t\\tinternet: stigaard@mhd1.moorhead.msus.edu\\n (fnord) Episkopos and Chair, Moorhead State University Campus Discordians\\n\\t\\tRectal neufotomist at large\\n \"If I left a quote here, someone would think it meant something.\"\\n',\n", + " 'From: sichermn@beach.csulb.edu (Jeff Sicherman)\\nSubject: Re: Not talking to soldiers, part II\\nOrganization: Cal State Long Beach\\nLines: 23\\n\\nIn article <1993Apr20.163253.8785@desire.wright.edu> demon@desire.wright.edu (Not a Boomer) writes:\\n>\\tAfter going to great lenghts to describe the people inside as hostages\\n>of Koresh (eg, people leaving \"escaped\"), and stating that \"generals have no\\n>place in law enforcement\" it appears that Janet and the FBI/ATF have egg on\\n>their faces.\\n>\\n>\\t80+ \"hostages\" dead.\\n>\\n>\\tTwo unsuccessful assualts.\\n>\\n>\\tJanet, some advice: go with the SEALs/Delta Force/Green Berets next\\n>time and talk nicely to the generals.\\n\\n This might be illegal without a very specific Presidential declaration\\nor even a change in law. In general (sic), U.S. military troops are not\\npermitted to be used for domestic policing operations.\\n\\n>\\n>\\tBTW-does Janet think that military police are oxymorons?\\n>\\n-- \\nJeff Sicherman\\nup the net without a .sig\\n',\n", + " \"From: gspira@nyx.cs.du.edu (Greg Spira)\\nSubject: Re: Notes on Jays vs. Indians Series\\nOrganization: University of Denver, Dept. of Math & Comp. Sci.\\nDistribution: na\\nLines: 30\\n\\n\\n>Something else to consider:\\n\\n>Alomar's H-R splits were .500-.363 SLG, .444-.369 OBP! Baerga's was .486-.424\\n>and .392-.318. Pretty clearly, Alomar got a HUGE boost from his home park.\\n\\nNot necessarily. It could mean that, or it could mean that he just hit\\na lot better at home than he did on the road (see Frank Thomas' home/road\\nsplits in '91 for an example). I would guess that some of Alomar's split\\nis due to the Skydome, but most of it is probably due just to coincidence.\\nThere's no way to be sure, of course, but the only hitters the Skydome\\nseems to regularly help a lot are right handed home run hitters, and\\nAlomar is not a home run hitter.\\n\\n>I'd say you could make a good for them being about equal right now. T&P\\n>rated Baerga higher, actually.\\n\\nOnly because of t&P's bogus fielding stats, which rate Alomar as the worst\\ndefensive second baseman in the league. On a career basis, I think T&P's\\nfielding stats may mean something, but on a seasonal basis it comes up\\nwith ridiculous results like this. Alomar may not be the god of fielding\\nthe media says he is, but he sure isn't the worst in baseball.\\n\\nOffensively, T&P rate Alomar much higher last year.\\n\\nRegarding the A vs. B argument, I'll just say they're both very good players\\nwith different strengths and a bright future.\\n\\n\\nGreg \\n\",\n", + " \"From: ch981@cleveland.Freenet.Edu (Tony Alicea)\\nSubject: Re: Rosicrucian Order(s) ?!\\nOrganization: Case Western Reserve University, Cleveland, OH (USA)\\nLines: 18\\nReply-To: ch981@cleveland.Freenet.Edu (Tony Alicea)\\nNNTP-Posting-Host: hela.ins.cwru.edu\\n\\n\\nIn a previous article, cdcolvin@rahul.net (Christopher D. Colvin) says:\\n\\n>I worked at AMORC when I was in HS.\\n\\nOK: So you were a naive teen.\\n\\n>He [HS Lewis] dates back to the 20's. \\n\\n\\tWrong: 1915 and if you do your homework, 1909.\\nBut he was born LAST century (1883).\\n\\n>\\n>Right now AMORC is embroiled in some internal political turmoil. \\n\\nNo it isn't. \\n\\n\\n\",\n", + " 'From: gld@cunixb.cc.columbia.edu (Gary L Dare)\\nSubject: Re: EIGHT MYTHS about National Health Insurance (Pt II)\\nNntp-Posting-Host: cunixb.cc.columbia.edu\\nReply-To: gld@cunixb.cc.columbia.edu (Gary L Dare)\\nOrganization: PhDs In The Hall\\nLines: 163\\n\\nv140pxgt@ubvmsb.cc.buffalo.edu (Daniel B Case) writes:\\n>gld@cunixb.cc.columbia.edu (Gary L Dare) writes...\\n>> \\n>>>You\\'re not buying insurance so much as being coerced into one \\n>>>insurance plan.\\n>> \\n>>No, it is optional ... as it is optional for doctors to accept it.\\n>>There are isolated religeous communities in particular that ask for\\n>>exemptions (and one e-mail from a Christian Scientist in Edmonton\\n>>verified for me that it is indeed negative option). I guess that you\\n>>can argue that there is a right to having a particular insurance, but\\n>>so far I\\'ve not come across that up north ... and I take pains to keep\\n>>tabs with news from home.\\n>\\n>It\\'s optional, but what if you don\\'t want basic coverage on the \\n>government\\'s terms? You said before that if you opt out, you\\'re \\n>basically uninsured.\\n\\nThere are two things at work here ... the public insurance is very\\nwide in what it will cover, as the amortization is also universal.\\nNo private plan can boast of a plan that fits a Gaussian curve ...\\nand as our private sector has discovered, they\\'re better off not\\noffering insurance coverage that their customers are going to use.\\n(-;\\n\\n>>>And that turns the private insurers offering the frills into an\\n>>>effective cartel-they don\\'t really need to compete because, as you put\\n>>>it, they\\'re in a \"win-win\" situation and they\\'re guaranteed to turn a\\n>>>profit \\n>> \\n>>Believe me, they probably had orgasms when they figured that out. And\\n>>according to my sister the yuppie, they pat themselves on the back to\\n>>the point of ungraciousness at Chamber of Commerce luncheons.\\n>\\n>So, in a sense, they\\'ve stopped being truly capitalists if they don\\'t \\n>have to worry about competing anymore. You might say that the total \\n>effect is one of socialized medicine-a government providing the basics \\n>and a cartel providing the extras. There is no alternative to the system, \\n>desirable or not.\\n\\nThe alternative to the system is no system at all (patients opted out,\\ndoctors opted out, or both). But that only for insurance ... and you\\ncan\\'t force a private insurance company to sell you a plan that they\\nwill not offer. And remember that the actual health care is delivered\\nby private entities who collect from the public insurance voluntarily.\\nAgain, they can\\'t force a private entity to spring to life to pay them.\\n\\nPlus, there is the matter of culture and values ... I\\'m basically\\nanti-tax and anti-government, by Canadian standards ... yet I can\\'t\\nbring myself to make the same arguments as you do, despite that I\\nunderstand where you\\'re coming from. Up north, you\\'re so much more\\nlikely to find someone protesting taxes going to defence than health\\ninsurance premiums to only one fund for basic coverage ...\\n\\n>>>(Interesting side note-have any new insurance companies started\\n>>>up-from scratch-since Medicare became standard in Canada?\\n>> \\n>>I actually have doubts that any new ones have emerged since WW I ...\\n>>no, scratch that ... there are a few in Western Canada, and *quite* \\n>>a few in Quebec as part of the post-1980 Quebec Miracle (out with the\\n>>nationalism, in with the French capitalism). La Groupe des Cooper-\\n>>antes built a new tower by the Eaton(\\'s) store at Les Terraces, and if\\n>>you were able to catch Urban Angel on CBS\\'s Crimetime you\\'d see it as\\n>>the well-lit one with double-turrets at the top. As for Ontario,\\n>>which still dominates and anchors business up north ...\\n>\\n>I meant new companies, not new buildings.\\n\\nYes, primarily in Quebec and in Alberta. Sorry, I musta lost you in\\nthat verbose blurb ...\\n\\n>>>It\\'s not really insurance if you don\\'t have alternatives\\n>> \\n>>Well, you have to realize that in our society that\\'s like saying\\n>>that \"it\\'s not really national defence\" because you can\\'t hire\\n>>your own Rambo squad instead or even opting out as a pacifist.\\n>\\n>True, but I would be more comfortable with a system in which basic \\n>care provided by the government was optional, not mandatory.\\n\\nIn Canada and Germany, it\\'s not mandatory. However, it is negative\\noption in that you must request the exemption. That the private\\nsector will not provide private basic coverage if offered the option\\n(as in the Quebec case) tells me something about what they know ...\\n\\n>>Either way, the transient situations are hard to deal with since the\\n>>changes in the private medical care resource take place at a slower\\n>>rate than the ability of people to fall sick esp. in the light of\\n>>disasters (e.g., Chernobyl) or bad luck (a sudden wave of heart\\n>>disease). A doctor needs 4-6 years of training, plus internship \\n>>and specialty training.\\n>\\n>Another problem with the US system that should be resolved. Doesn\\'t \\n>Canada have something like ten times the proportion of GPs to specialists \\n>that the US does?\\n\\nYes, but part of the reason is that our most of our markets are\\ntoo small to sustain many specialists, sometimes not even one, so\\nyou pretty well have to be a GP to get paid. And if you do get\\nthe training, the doctors monopoly might block your getting of a\\nlicence because there is already someone in the business and who\\ncannot fill his/her appointment book. That we have a CMA doctors\\nmonopoly is something that the American AMA-oriented medical lobby\\nNEVER tells you down here ...\\n\\n>The problem is, in a specialty your skill often directly correlates\\n>to your pay (a good cardiologist makes more than a merely adequate\\n>cardiologist) more than it does in general practice. In that\\n>circumstance, it\\'s hard to blame people for going into specialties.\\n\\nNo, I respect people who do specialties (okay, all of my MD friends\\nare (-;) but there\\'s the question of our small market dynamics up\\nnorth ... if anything, that our private doctors and hospitals sell\\ntheir services to Americans to generate more business will inflate\\ntheir effective population served, and thus make some specialties\\nfinally viable (i.e., there will be enough customers). We just do\\nnot have enough sick Canadians in absolute numbers otherwise.\\n\\n>I personally think an approach like Germany\\'s would be best-where the\\n>companies compete for batches of people. Rochester, a little east of\\n>us, was able to get almost all of its population covered that way.\\n\\nUh ... Germany basically uses our method, with their many sickness\\nfunds. The competition is fake if it exists at all, because they\\'re\\nall interlinked. Look in Der Spiegel or Stern (my girlfriend is in\\nour German department and her uncle is a private practicioner in\\nSaarbrucken) ... no ads for health insurance. While Canada organizes\\nby province, Germany organizes the paperwork around big corporations\\nand regional offices. But remember that we have provinces that have\\nthe same population as some major German corporations. Germans have\\npublic health insurance, just that it is brokered by smaller entities\\n(actually, brokerage of basic by private firms who\\'ll sell extra\\ninsurance to fill out their policies, sort of a voucher system,\\nwas one of the first ideas floated in Canada, too).\\n\\nRemember, the Germans don\\'t have HMO\\'s ... a telling sign, \\'cos\\nRochester does and they\\'re also a company town.\\n\\n>But there was a Washington Post article recently about that that said\\n>Canadian doctors often use myelograms instead of MRIs, which require\\n>spinal injections and can cause seizures and headaches. Mickey Kaus,\\n>in the New Republic, probably spoke for most Americans when he said\\n>\"Who needs that?\" I think people here generally like to believe they\\n>can easily get the most high-tech treatment even if they really can\\'t\\n>afford it.\\n\\nI\\'ll have to let a Canadian MD jump in to verify that claim, but\\nI\\'ve come to learn to suspect anything in the American press about\\nour \"system\". If much or some of it were true, you\\'d have to take\\nus for idiots for tolerating it. And given that our insurance was\\ninstalled during a period when there were only Liberal and Tory\\ngovernments federally and provincially, and the socialists are still\\nchafing, they would\\'ve pressed for real socialized medicine to fix\\nthings ... think about it. After all, we are using the U.S. as a\\nmetric to make comparison ... both for keeping-up-with-the-Joneses\\nas for confirming that we did something right.\\n\\ngld\\n--\\n~~~~~~~~~~~~~~~~~~~~~~~~ Je me souviens ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\\nGary L. Dare\\n> gld@columbia.EDU \\t\\t\\tGO Winnipeg Jets GO!!!\\n> gld@cunixc.BITNET\\t\\t\\tSelanne + Domi ==> Stanley\\n',\n", + " 'From: cptnerd@access.digex.com (Captain Nerd)\\nSubject: \"SIMM Re-use\" NuBus board... Anyone seen one?\\nOrganization: Express Access Online Communications, Greenbelt, Maryland USA\\nLines: 29\\nDistribution: world\\nNNTP-Posting-Host: access.digex.net\\nSummary: does anyone make this? does anyone know what I\\'m talking about?\\nKeywords: SIMM NuBus board RAMDisk\\n\\n\\n\\n\\tHello,\\n\\n\\tI remember running across an ad in the back of Mac[User|World]\\na few years ago, for a Nubus board that had umpteen SIMM slots, to be\\nused to \"recycle your old SIMMs,\" when you upgraded memory. I don\\'t\\nremember who made this board, and I haven\\'t seen it advertised in\\nany of the latest Mac magazines. It mentioned that it included software\\nto make the SIMMs on the board act like a RAM disk. As someone who has SIMMS \\nhe can\\'t get rid of/use, but hates the waste, this sounds to me like a majorly\\ngood idea. Does anyone out there know what board/company I\\'m talking about? \\nAre they still in business, or does anyone know where I can get a used one\\nif they are no longer made? Any help would be greatly appreciated. Please\\ne-mail me, to save net.bandwidth.\\n\\n\\n\\tThanks,\\n\\n\\tCap.\\n\\n\\n\\n\\n-- \\n | Internet: cptnerd@digex.com | AOL: CptNerd | Compuserve: 70714,105 |\\n CONSILIO MANUQUE \\n OTIUM CUM DIGNITATE \\n CREDO QUIA ABSURDUM EST PARTURIENT MONTES NASCETUR RIDICULUS MUS\\n',\n", + " 'From: nhmas@gauss.med.harvard.edu (Mark Shneyder 432-4219)\\nSubject: Re: ESPN2 - Tell us about it\\nOrganization: HMS\\nLines: 23\\nNNTP-Posting-Host: gauss.med.harvard.edu\\n\\nIn article <1r997l$3fc@usenet.INS.CWRU.Edu> mac18@po.CWRU.Edu (Michael A. Cornell) writes:\\n>\\n>The USA Today says \"late this year\". The question is, will hockey be moved to\\n>ESPN2 permenantly, or will it be where they have a game of the week on\\n>ESPN, and have a bunch of other games on ESPN2?\\n>\\n\\nYes and No. ESPN2 will be launched as early in September. Cap Cities\\nare currently working with cable companies to ensure a good start-up\\nbase needed for a launch for any brand new cable service.\\n\\nThe problem ESPN2 faces is the TCI-Cablevision connection in the\\nmerger of their Prime and SportsChannel networks. Prime SportsChannel\\nwill try to wrestle away NHL from ESPN in the off-season. Also,TCI\\nand Cablevision have control a large number of cable systems around the\\ncountry with a total of 15 million subscribers. TCI-Cablevision will\\ndo their best that ESPN2 never gets off the ground successfully. And the\\nNHL\\'s value will suddenly skyrocket in this cable war between Prime SC\\nand ESPN. NHL is more vital to the survival of a regionalized Prime\\nSportsChannel since they virtually have no national major league sports\\ncontracts and only cover local NHL/NBA/MLB sports teams.\\n\\n-PPV Mark\\n',\n", + " \"From: luttik@fwi.uva.nl (Bas Luttik (I91))\\nSubject: Question: Can I connect two harddisk to one controller?\\nSummary: I want to connect a second harddisk to my controller\\nKeywords: Harddisk, Controller, MFM\\nNntp-Posting-Host: gene.fwi.uva.nl\\nOrganization: FWI, University of Amsterdam\\nLines: 21\\n\\nHi,\\n\\nI've got a Victor PC/XT with a 20 MB harddisk in it. The controller is\\na Toshiba MFM controller, with an additional 9 pins connector.\\n\\nThere are 2 busses from my harddisk to this controller. One with 9 wires\\nand another with 34 wires.\\n\\nThe controller has two connectors for a 9 wire-bus and one for a 34 wire\\nbus.\\n\\nNow I got a 20 MB harddisk from a friend of mine, and I wondered whether\\nI can connect this second harddisk to the same controller (there is room\\nfor a 9 wire-bus, but not for the 34 wire bus)\\n\\nHow can I solve my problem, any suggestions?\\n\\nIf you need more info, mail me, please (luttik@fwi.uva.nl).\\n\\n--Bas.\\n\\n\",\n", + " 'Subject: Re: Feminism and Islam, again\\nFrom: kmagnacca@eagle.wesleyan.edu\\nOrganization: Wesleyan University\\nNntp-Posting-Host: wesleyan.edu\\nLines: 30\\n\\nIn article <1993Apr14.030334.8650@ultb.isc.rit.edu>, snm6394@ultb.isc.rit.edu (S.N. Mozumder ) writes:\\n> In article <1993Apr11.145519.1@eagle.wesleyan.edu> kmagnacca@eagle.wesleyan.edu writes:\\n>>\\n>>There\\'s a way around that via the hadith, which state that silence is\\n>>taken to mean \"yes\" and that women may not speak before a judge, who\\n>>must conduct the marriage.\\n> \\n> Actaully, that\\'s a false hadith, because it contradicts verses in the\\n> Quran, that says women may testify- speak before a judge.\\n> \\n> Hadiths are declared false when they contradict the Quran. Hadiths\\n> weren\\'t written during the revelation or during the life of the prophet,\\n> and so may contain errors.\\n\\nSo the only way you can tell a false hadith from a true one is\\nif it contradicts the Quran? What if it relates to something\\nthat isn\\'t explicitly spelled out in the Quran?\\n\\nAlso, the Quran wasn\\'t written down during the life of Muhammed\\neither. It wasn\\'t long after, but 20 years or so is still long\\nenough to shift a few verses around.\\n\\nKarl\\n -----------------------------------------------------------------------------\\n| \"Lastly, I come to China in the hope | \"All you touch and all you see |\\n| of fulfilling a lifelong ambition - | Is all your life will ever be.\" |\\n| dropping acid on the Great Wall.\" --Duke | --Pink Floyd |\\n|-----------------------------------------------------------------------------|\\n| A Lie is still a Lie even if 3.8 billion people believe it. |\\n -----------------------------------------------------------------------------\\n',\n", + " \"From: marca@ncsa.uiuc.edu (Marc Andreessen)\\nSubject: NCSA Mosaic for X 1.0 available.\\nX-Md4-Signature: b912a4b59c6065f2e86a15751149a3f2\\nOrganization: Nat'l Center for Supercomputing Applications\\nLines: 79\\n\\nVersion 1.0 of NCSA Mosaic for the X Window System, a networked\\ninformation systems and World Wide Web browser, is hereby released:\\n\\nfile://ftp.ncsa.uiuc.edu/Mosaic/xmosaic-source/xmosaic-1.0.tar.Z\\n .../xmosaic-binaries/xmosaic-sun.Z\\n .../xmosaic-binaries/xmosaic-sgi.Z\\n .../xmosaic-binaries/xmosaic-ibm.Z\\n .../xmosaic-binaries/xmosaic-dec.Z\\n .../xmosaic-binaries/xmosaic-alpha.Z\\n .../xmosaic-diffs/xmosaic-0.13-1.0-diffs.Z\\n\\nNCSA Mosaic provides a consistent and easy-to-use hypermedia-based\\ninterface into a wide variety of networked information sources,\\nincluding Gopher, WAIS, World Wide Web, NNTP/Usenet news, Techinfo,\\nFTP, local filesystems, Archie, finger, Hyper-G, HyTelnet, TeXinfo,\\ntelnet, tn3270, and more.\\n\\nThis release of NCSA Mosaic is known to compile on the following\\nplatforms:\\n\\n SGI (IRIX 4.0.2) \\n IBM (AIX 3.2)\\n Sun 4 (SunOS 4.1.3 with stock X11R4 and Motif 1.1, and GCC).\\n DEC Ultrix.\\n DEC Alpha AXP (OSF/1).\\n\\nDocumentation is available online.\\n\\nChanges since 0.13 include:\\n\\n o Added new resource, gethostbynameIsEvil, for Sun's that\\n coredump when gethostbyname() is called to try to find out what\\n their own names are. (Command-line flag is -ghbnie.) \\n o Explicitly pop down all dialog boxes when document view\\n window is closed, for window managers too dull to do so\\n themselves. \\n o Better visited anchor color for non-SGI's. \\n o Added .hqx and .uu to list of file extensions handled like .tar files. \\n o Added 'Clear' button to Open box, to allow more convenient\\n cut-n-paste entries of URL's. \\n o New resource 'autoPlaceWindows'; if set to False, new document\\n view windows will not be automatically positioned by the\\n program itself (but it's still up to your window manager just how\\n they're placed). \\n o Command-line flags -i and -iconic now have desired effect (new\\n resource initialWindowIconic can also be used). \\n o Gif-reading code is a little more bulletproof. \\n o Obscure infinite loop triggered by extra space in IMG tag fixed. \\n o Eliminated nonintuitive error message when image can't be read\\n (inlined NCSA bitmap is indication enough that something's not\\n right for authors, and readers can't do anything about bad images\\n in any case). \\n o Obscure parsing bug (for constructs like
text
) fixed. \\n o Fixed mysterious stupid coredump that only hits Suns. \\n o Fixed stupid coredump on URL's like '://cbl.leeds.ac.uk/'. \\n o Fixed buglet in handling rlogin URL's. \\n o New support for Solaris/SYSVR4 (courtesy\\n dana@thumper.bellcore.com). \\n o Better support for HP-UX 8.x and 9.x (courtesy\\n johns@hpwarf.wal.hp.com). \\n o Better support for NeXT (courtesy scott@shrug.dur.ac.uk). \\n o Some miscellaneous portability fixes (courtesy\\n bingle@cs.purdue.edu). \\n o Miscellaneous bug fixes and cleanups. \\n\\nComments, questions, and bug reports should be sent to\\nmosaic-x@ncsa.uiuc.edu. Thanks in advance for any feedback you can\\nprovide.\\n\\nCheers,\\nMarc\\n\\n--\\n--\\nMarc Andreessen\\nSoftware Development Group\\nNational Center for Supercomputing Applications\\nmarca@ncsa.uiuc.edu\\n\",\n", + " 'From: jad@nsa.hp.com (John Dilley)\\nSubject: compress | crypt foo | des -e -k foo\\nDistribution: sci\\nLines: 12\\nOrganization: Networked Systems Architecture\\n\\n\\n\\tI have a bunch of questions about the encryption scheme\\nreferenced in the Subject of this message. What is the relative data\\nprivacy provided by the above sequence as compared with straight DES?\\nDoes the addition of compression then encrypting make the cyphertext\\nsignificantly harder to crack using current methods than straight DES?\\nWould running crypt after DES provide greater data privacy? Is it\\nimportant to remove the (constant) compress header before encryption?\\nThank you, net, for your wisdom.\\n\\n\\t\\t\\t -- jad --\\n\\t\\t John A. Dilley \\n',\n", + " 'From: gsulliva@enuxha.eas.asu.edu (Glenn A Sullivan)\\nSubject: Re: How do you build neural networks?\\nSummary: How to build neural net hardware\\nOrganization: Arizona State University\\nLines: 16\\n\\nmmoss@ic.sunysb.edu (Matthew D Moss) writes:.........\\n> In other words, is there some sort of neural network circuit I could build\\n> after a visit to a local R-Shack?\\nMarvin Minsky (hi there) writes of building \"perceptrons?\" in the 1950s using\\nmotor-driven potentiometers to vary the weights. He reported that the circuits\\nworked even tho there were wiring errors. (Can you say ROBUST?)\\n\\nCadium Sulfide cells vary with light. CMOS or TTL gates provide the SIGMOID\\nsomewhat-linear-yet-somewhat-limiter transfer function often used. \\nLow power Schottky gates, and earlier gates, has about a gain of X8.\\nLEDs probably output enough light to easily control CdS cells, even at a\\nfew mA. And paper with dark and light regions, controlled by pencil and\\neraser, could also control CdS resistance. The very high input resistance of\\nCMOS gates may let you charge up 1uF paper/mylar caps to serve as memory.\\n\\nAllen Sullivan\\n',\n", + " 'From: kurtg@drycas.club.cc.cmu.edu\\nSubject: Re: Ultrasonic pest repellers: Stories, advice, bunk, etc.?\\nOrganization: Carnegie Mellon Computer Club\\nLines: 36\\nDistribution: world\\nNNTP-Posting-Host: drycas.club.cc.cmu.edu\\n\\nIn article , babb@sciences.sdsu.edu (J. Babb) writes:\\n> RE: Ultrasonic pest repelling devices. The ones I\\'ve seen use piezoelectric\\n> transducers driven by a 35-85 KHz swept oscillator. Is there evidence that\\n> insects are actually repelled by these devices? Can anybody cite gov\\'t\\n> pubs, or independent lab studies?\\n> \\n> I saw another device that supposedly repels pests by \"altering the\\n> electro-magnetic field of your house wiring\". I suppose they capacitively\\n> couple a hi freq signal to the AC wiring. And this is supposed to repel\\n> pests???? How? By magnestriction of the wiring? I DONT THINK SO. \\n> \\n\\nI\\'ve been wondering about this myself. The house wiring thing is really\\nhokey. There is no doubt that high pressure ultrasound is annoying, but to\\nwhom? Given that these devices have been advertised to be effective against\\neverything from insects to rodents to nasty dogs, what is to say that my\\ninsect repeller won\\'t just annnoy my dog and give me headaches? Could there\\nbe that much selectivity in frequencies? Have there been ANY studies\\non the effects of various pressure levels, bands, and sweep patterns on\\nvarious life forms?\\n\\nAnd how effective could they be? I certainly would not want to tell anyone\\nthat they are safe from nasty dogs because they were carrying a piezoelectric\\nbuzzer...\\n\\n> \\n> Jeff Babb\\n> babb@sciences.sdsu.edu babb@ucssun1.sdsu.edu\\n> Programmer, SDSU - LARC\\n-- \\nKurt A. Geisel SNAIL : 7 Quaker Rd.\\nWhite Pine Software, Inc. Nashua, NH 03063\\nARPA2 : kurtg@drycas.club.cc.cmu.edu BIX : kgeisel\\nGENIE : K.GEISEL AIR : N3JTW\\n\"I will not be pushed, filed, indexed, stamped, briefed, debriefed, or\\nnumbered!\" - The Prisoner\\n',\n", + " 'From: I3150101@dbstu1.rz.tu-bs.de (Benedikt Rosenau)\\nSubject: Re: atheist?\\nOrganization: Technical University Braunschweig, Germany\\nLines: 38\\n\\nIn article \\nTony Lezard writes:\\n \\n(Deletion)\\n>> In other words, if there were gods, they would hardly make sense, and\\n>> it is possible to explain the phenomenon of religion without gods.\\n>>\\n>> The concept is useless, and I don\\'t have to introduce new assumptions\\n>> in order to show that.\\n>\\n>Yes I fully agree with that, but is it \"I don\\'t believe gods exist\", or\\n>\"I believe no gods exist\"? As MANDTBACKA@FINABO.ABO.FI (Mats Andtbacka)\\n>pointed out, it all hinges on what you take the word \"believe\" to mean.\\n>\\n \\nFor me, it is a \"I believe no gods exist\" and a \"I don\\'t believe gods exist\".\\n \\nIn other words, I think that statements like gods are or somehow interfere\\nwith this world are false or meaningless. In Ontology, one can fairly\\nconclude that when \"A exist\" is meaningless A does not exist. Under the\\nPragmatic definition of truth, \"A exists\" is meaningless makes A exist\\neven logically false.\\n \\nA problem with such statements is that one can\\'t disprove a subjective god\\nby definition, and there might be cases where a subjective god would even\\nmake sense. The trouble with most god definitions is that they include\\nsome form of objective existence with the consequence of the gods affecting\\nall. Believers derive from it a right to interfere with the life of others.\\n \\n \\n(Deletion)\\n>\\n>Should the FAQ be clarified to try to pin down this notion of \"belief\"?\\n>Can it?\\n>\\n \\nHonestly, I don\\'t see the problem.\\n Benedikt\\n',\n", + " \"Subject: Re: Once tapped, your code is no good any more.\\nFrom: pgut1@cs.aukuni.ac.nz (Peter Gutmann)\\nOrganization: Computer Science Dept. University of Auckland\\nLines: 48\\n\\nIn <1993Apr21.001707.9999@ucsu.Colorado.EDU> andersom@spot.Colorado.EDU (Marc Anderson) writes:\\n\\n>(the date I have for this is 1-26-93)\\n\\n>note Clinton's statements about encryption in the 3rd paragraph.. I guess\\n>this statement doesen't contradict what you said, though.\\n\\n>--- cut here ---\\n\\n> WASHINGTON (UPI) -- The War on Drugs is about to get a fresh\\n>start, President Clinton told delegates to the National Federation\\n>of Police Commisioners convention in Washington.\\n> In the first speech on the drug issue since his innaugural,\\n>Clinton said that his planned escalation of the Drug War ``would make\\n>everything so far seem so half-hearted that for all practical\\n>purposes this war is only beginning now.'' He repeatedly emphasized\\n>his view that ``regardless of what has been tried, or who has tried\\n>it, or how long they've been trying it, this is Day One to me.''\\n>The audience at the convention, whose theme is ``How do we spell\\n>fiscal relief? F-O-R-F-E-I-T-U-R-E,'' interrupted Clinton frequently\\n>with applause.\\n> Clinton's program, presented in the speech, follows the\\n>outline given in his campaign position papers: a cabinet-level Drug\\n>Czar and ``boot camps'' for first-time youthful offenders. He did,\\n>however, cover in more detail his plans for improved enforcement\\n>methods. ``This year's crime bill will have teeth, not bare gums,''\\n>Clinton said. In particular, his administration will place strict\\n>controls on data formats and protocols, and require the registration\\n>of so-called ``cryptographic keys,'' in the hope of denying drug\\n>dealers the ability to communicate in secret. Clinton said the\\n>approach could be used for crackdowns on other forms of underground\\n>economic activity, such as ``the deficit-causing tax evaders who\\n>live in luxury at the expense of our grandchildren.''\\n> Clinton expressed optimism that the drug war can be won\\n>``because even though not everyone voted for Bill Clinton last\\n>November, everyone did vote for a candidate who shares my sense of\\n>urgency about fighting the drug menace. The advocates of\\n>legalization -- the advocates of surrender -- may be very good at\\n>making noise,'' Clinton said. ``But when the American people cast\\n>their ballots, it only proved what I knew all along -- that the\\n>advocates of surrender are nothing more than a microscopic fringe.''\\n\\nJust doing a quick reality check here - is this for real or did someone\\ninvent it to provoke a reaction from people? It sounds more like the\\nsort of thing you'd have heard, suitably rephrased, from the leader of a \\ncertain German political party in the 1930's....\\n\\nPeter. \\n\",\n", + " 'From: nyeda@cnsvax.uwec.edu (David Nye)\\nSubject: Re: Sumatripton (spelling?)\\nOrganization: University of Wisconsin Eau Claire\\nLines: 21\\n\\n[reply to roxannen@cruzio.santa-cruz.ca.u]\\n \\n>I recently heard of some testing of a new migraine drug called\\n>sumatripton (I have no idea of the actual spelling) that supposedly\\n>utilizes a chemical that trips neuro-transmitters. My mother has\\n>regular migraines and nothing seems to help - does anyone know anything\\n>about this new drug? Is it in a testing phaze or anywhere near\\n>approval? Does it seem to be working?\\n \\nI just got back from the American Academy of Neurology annual meeting,\\nwhere the consensus was that sumatriptan (Imitrex) has no advantages\\nover DHE-45 nasal spray, which is much less expensive, has fewer side\\neffects, is as effective, and works more quickly (5-10 minutes vs. 30).\\nBesides, who wants to give themselves a shot (sumatriptan) when a nasal\\nspray works? DHE nasal spray is not widely available yet -- it has to\\nbe mail ordered from one of a few pharmacies in the country -- but most\\nneurologists now know about it and know how to order it.\\n \\nDavid Nye (nyeda@cnsvax.uwec.edu). Midelfort Clinic, Eau Claire WI\\nThis is patently absurd; but whoever wishes to become a philosopher\\nmust learn not to be frightened by absurdities. -- Bertrand Russell\\n',\n", + " 'From: PETCH@gvg47.gvg.tek.com (Chuck)\\nSubject: Daily Verse\\nLines: 3\\n\\nDishonest money dwindles away, but he who gathers money little by little makes\\nit grow. \\nProverbs 13:11\\n',\n", + " 'From: tracyb@bnr.ca (Tracy Blomquist)\\nSubject: Re: 17\" Monitors\\nNntp-Posting-Host: bcarh829\\nOrganization: Bell Northern Research\\nX-Newsreader: TIN [version 1.1 PL6]\\nLines: 33\\n\\nTony Catone (catone@compstat.wharton.upenn.edu) wrote:\\n: In article goyal@utdallas.edu (MOHIT K GOYAL) writes:\\n: \\n: Oh yeah, I just read in another newsgroup that the T560i uses a\\n: high quality Trinitron tube than is in most monitors.(the Sony\\n: 1604S for example) and this is where the extra cost comes from. It\\n: is also where the high bandwidth comes from, and the fantastic\\n: image, and the large image size, etc, etc...\\n: \\n: It\\'s also where the two annoying lines across the screen (one a third\\n: down, the other two thirds down) come from.\\n: \\n\\nThe 2 lines are not a result of the high end trinitron tube, these\\n2 wires will be found on all 17\" trinitron tubes (e.g., Mitsubishi 17\",\\nSony 1604, etc). On 14\" Sony tubes, you\\'ll find one wire.\\n\\nTheir level of annoyance is purely subjective. I\\'m so happy with the\\nsharpness of the T560i that I don\\'t even notice the lines.\\n\\nThe T560i uses a Trinitron SA tube which, when viewed as a complete tube,\\nhas a larger diameter than the standard Trinitron tube. This results in \\na flatter screen than other 17\" monitors using the standard trinitron \\n(which has a vertically flat but not horizontally flat surface), and \\napparently the ability to provide a tighter beam focus. \\n\\n--\\n,----------------------,------------------------.---------------------,\\n| Karl Tracy Blomquist | E-MAIL: tracyb@bnr.ca | Fax: 1-613-765-4018 |\\n| Consultant | \"opinions are my own\" | Ph: 1-613-765-4886 |\\n`----------------------\\'------------------------\\'---------------------\\'\\n| Bell-Northern Research, P.O.Box 3511, Stn C, Ottawa, Ont., K1Y-4H7 |\\n`---------------------------------------------------------------------\\'\\n',\n", + " 'From: art@cs.UAlberta.CA (Art Mulder)\\nSubject: comp.windows.x: Getting more performance out of X. FAQ\\nSummary: This posting contains a list of suggestions about what you can do to get the best performance out of X on your workstation -- without buying more hardware.\\nKeywords: FAQ speed X\\nNntp-Posting-Host: spirit-riv.cs.ualberta.ca\\nReply-To: art@cs.ualberta.ca (Art Mulder)\\nOrganization: University of Alberta, Edmonton, Canada\\nExpires: Sun, 20 Jun 1993 23:00:00 GMT\\nLines: 676\\n\\nArchive-name: x-faq/speedups\\nLast-modified: 1993/4/20\\n\\n- - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - -\\n\\tHOW TO MAXIMIZE THE PERFORMANCE OF X -- monthly posting\\n- - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - -\\n\\t Compiled by Art Mulder (art@cs.ualberta.ca)\\n\\n More RAM, Faster CPU\\'s, More disk space, Faster Ethernet... These\\n are the standard responses you hear when you ask how to improve the\\n performance of your workstation.\\n\\n Well, more hardware isn\\'t always an option, and I wonder if more\\n hardware is always even a necessity.\\n\\n This \"FAQ\" list is a collection of suggestions and ideas from different\\n people on the net on how you can the best possible performance from X\\n Windows on your workstation, WITHOUT PURCHASING MORE HARDWARE.\\n\\n Performance is a highly subjective issue. The individual user must\\n balance `speed\\' versus `features\\' in order to come to a personal\\n decision. Therefore this document can be be expected to contain many\\n subjective opinions in and amongst the objective facts.\\n\\n This document is specifically concerned with X. There are of course\\n many other factors that can affect the performance of a workstation.\\n However, they are outside the scope of this document.\\n\\n [ People seriously interested in the whole area of system\\n performance, might want to look at the O\\'Reilly Nutshell Handbook\\n \"System Performance Tuning\" by Mike Loukides. IMHO, it contains a\\n well-written, comprehensive treatment of system performance. I\\'m\\n unaware of any other similar books. --ed.]\\n\\n-----------------\\nTable of Contents\\n-----------------\\n 0. Introduction & Administrivia\\n 1. What about the \"Other X FAQ\"?\\n 2. Window Managers\\n 3. The X Server\\n Which Server?\\n Locking the Server into RAM?\\n Starting your Server\\n Fonts\\n About the Resources File\\n Define Your Display Properly\\n 4. Clients\\n A Better Clock for X\\n A Better Terminal Emulator for X\\n Tuning your client\\n 5. Miscellaneous Suggestions\\n Pretty Pictures\\n A Quicker Mouse\\n Programming Thoughts\\n Say What!?\\n 6. Other Sources of Information\\n 7. Author & Notes\\n \\n! = changed since last issue.\\n* = new since last issue.\\n\\n-----------------------------\\nIntroduction & Administrivia\\n-----------------------------\\n\\n This document is posted each month, on or around the 15th, to the\\n Usenet news groups comp.windows.x, news.answers, and comp.answers.\\n If you are reading a copy of this FAQ which is more than a few\\n months old (see the \"Last-modified\" date above) you should probably\\n locate the latest edition, since the information may be outdated.\\n\\n If you do not know how to get those newsgroups and/or your site does\\n not receive them and/or this article has already expired, you can\\n retrieve this FAQ from an archive site.\\n\\n There exist several usenet FAQ archive sites. To find out more about\\n them and how to access them, please see the \"Introduction to the\\n news.answers newsgroup\" posting in news.answers.\\n\\n The main FAQ archive is at rtfm.mit.edu [18.172.1.27]. This document\\n can be found there in /pub/usenet/news.answers/x-faq/speedups. If\\n you do not have access to anonymous ftp, you can retrieve it by\\n sending a mail message to mail-server@rtfm.mit.edu with the\\n command \"send usenet/news.answers/x-faq/speedups\" in the message body.\\n\\n-----------------------------\\nWhat about the \"Other X FAQ\"?\\n-----------------------------\\n\\n David B. Lewis (faq%craft@uunet.uu.net) maintains the informative and\\n well written \"comp.windows.x Frequently Asked Questions\" document.\\n Its focus is on general X information, while this FAQ concentrates\\n on performance.\\n\\n The comp.windows.x FAQ does address the issue of speed, but only with\\n regards to the X server. The gist of that topic seems to be:\\n\\t\"Use X11R5, it is faster than R4\".\\n (Please see the X FAQ for complete details).\\n\\n---------------\\nWindow Managers\\n---------------\\n\\n There are a lot of window managers out there, with lots of different\\n features and abilities. The choice of which to use is by necessity a\\n balancing act between performance and useful features. At this\\n point, most respondents have agreed upon \"twm\" as the best candidate\\n for a speedy window manager. \\n\\n A couple of generic tricks you can try to soup up your window manger,\\n is turning off unnecessary things like \"zooming\" and \"opaque move\".\\n Also, if you lay out your windows in a tiled manner, you reduce the\\n amount of cpu power spent in raising and lowering overlapping\\n windows. Joe English (joe@trystero.art.com)\\n\\n I\\'ve found that a good font for tiling is 7x13 (aka:\\n -misc-fixed-medium-r-normal--13-100-100-100-c-70-iso8859-1 ). It is\\n the biggest font I know of that I can use on my Sun (1152x900 screen)\\n and still get two 80 column terminal windows side-by-side on the\\n display with no overlap. Other font suggestions will be accepted.\\n\\n------------\\nThe X Server\\n------------\\n\\nWhich Server?\\n- - - - - - -\\n Make sure that your server is a proper match for your hardware.\\n If you have a monochrome monitor, use a monochrome X11 server.\\n\\n On my Monochrome Sun, I haven\\'t noticed much difference between\\n the Xsun (colour) server and XsunMono, however it was pointed out to\\n me that XsunMono is about 800k smaller and therefore should contribute\\n to less paging. \\n [ thanks to: Jonny Farringdon (j.farringdon@psychol.ucl.ac.uk),\\n Michael Salmon (Michael.Salmon@eos.ericsson.se) ]\\n\\n How your server was compiled can also make a difference. Jeff Law\\n (law@schirf.cs.utah.edu) advises us that on a Sun system, X should be\\n compiled with gcc (version 2.*) or with the unbundled Sun compiler.\\n You can expect to get \"*very* large speedups in the server\" by not\\n using the bundled SunOS compiler. I assume that similar results\\n would occur if you used one of the other high-quality commercial\\n compilers on the market.\\n\\nLocking the Server into RAM?\\n- - - - - - - - - - - - - - -\\n Has anyone tried hacking the X server so that it is locked into RAM and\\n does not get paged? eg: via a call to plock(). Does this help\\n performance at all? I\\'ve had one inquiry on this topic, and a few\\n pointers to the plock() function call, but no hard evidence from someone\\n who\\'s tried it. I am not in a position to give it a try. \\n\\t\\t\\t [thanks to: Eric C Claeys (ecc@eperm.att.com),\\n\\t\\t\\t\\t Danny Backx (db@sunbim.be),\\n\\t\\t\\t\\t Juan D. Martin (juando@cnm.us.es) ]\\nStarting your Server\\n- - - - - - - - - - -\\n Joe English (joe@trystero.art.com) :\\n If you start up a lot of clients in your .xsession or whatever, sleep\\n for a second or two after launching each one. After I changed my\\n .xclients script to do this, logging in actually took *less* time...\\n we have a heavily loaded system without much core, though.\\n\\n This sounds crazy, but I have confirmed that it works! \\n\\n Warner Losh (imp@Solbourne.COM) provided me with a good explanation of\\n why this works, which I have summarized here:\\n\\n When you start up an X server it takes a huge amount of time to\\n start accepting connections. A lot of initialization is done by\\n the server when it starts. This process touches a large number of\\n pages. Any other process running at the same time would fight the\\n server for use of the CPU, and more importantly, memory. If you\\n put a sleep in there, you give the Server a chance to get itself\\n sorted out before the clients start up.\\n\\n Similarly, there is also a lot of initialization whenever an X\\n client program starts: toolkits registering widgets, resources\\n being fetched, programs initializing state and \"databases\" and so\\n forth. All this activity is typically memory intensive. Once this\\n initialization is done (\"The process has reached a steady state\"),\\n the memory usage typically settles down to using only a few pages.\\n By using sleeps to stagger the launching of your clients in your\\n .Xinitrc , you avoid them fighting each other for your\\n workstation\\'s limited resources\\n\\n This is most definitely a \"Your Mileage May Vary\" situation, as there\\n are so many variables to be considered: available RAM, local swap\\n space, load average, number of users on your system, which clients\\n you are starting, etc.\\n\\n Currently in my .xinitrc I have a situation like:\\n\\t(sleep 1; exec xclock ) &\\n\\t(sleep 1; exec xbiff ) &\\n\\t(sleep 1; exec xterm ) &\\n\\t(sleep 1; exec xterm ) &\\n\\n I\\'ve experimented with:\\n\\t(sleep 1; exec xclock ) &\\n\\t(sleep 2; exec xbiff ) &\\n\\t(sleep 3; exec xterm ) &\\n\\t(sleep 4; exec xterm ) &\\n\\n I\\'ve even tried:\\n\\t(sleep 2; exec start_X_clients_script ) &\\n and then in start_X_clients_script I had:\\n\\t(sleep 1; exec xclock ) &\\n\\t(sleep 1; exec xbiff ) &\\n\\t(sleep 1; exec xterm ) &\\n\\t(sleep 1; exec xterm ) &\\n\\n [ The idea with this last one was to make sure that xinit had\\n completely finished processing my .xinitrc, and had settled down\\n into a \"steady state\" before the sleep expired and all my clients\\n were launched. ]\\n\\n All of these yielded fairly comparable results, and so I just stuck with\\n my current setup, for its simplicity. You will probably have to\\n experiment a bit to find a setup which suits you.\\n\\nFonts\\n- - -\\n Loading fonts takes time and RAM. If you minimize the number of fonts\\n your applications use, you\\'ll get speed increases in load-up time.\\n\\n One simple strategy is to choose a small number of fonts (one small, one\\n large, one roman, whatever suits you) and configure all your clients -- or\\n at least all your heavily used clients -- to use only those few fonts.\\n Client programs should start up quicker if their font is already loaded\\n into the server. This will also conserve server resources, since fewer\\n fonts will be loaded by the server.\\n\\t\\t\\t [ Farrell McKay (fbm@ptcburp.ptcbu.oz.au),\\n\\t\\t\\t Joe English (joe@trystero.art.com) ]\\n\\n eg: My main xterm font is 7x13, so I also have twm set up to use 7x13\\n in all it\\'s menus and icons etc. Twm\\'s default font is 8x13. Since\\n I don\\'t normally use 8x13, I\\'ve eliminated one font from my server.\\n\\n Oliver Jones (oj@roadrunner.pictel.com):\\n Keep fonts local to the workstation, rather than loading them over nfs.\\n If you will make extensive use of R5 scalable fonts, use a font server.\\n\\nAbout the Resources File\\n- - - - - - - - - - - - -\\n\\n Keep your .Xresources / .Xdefaults file small. Saves RAM and saves\\n on server startup time. Joe English (joe@trystero.art.com)\\n\\n One suggestion:\\n\\n In your .Xdefaults (.Xresources) file, try putting only the minimum\\n number of resources that you want to have available to all of your\\n applications. For example: *reverseVideo: true\\n\\n Then, separate your resources into individual client-specific\\n resource files. For example: $HOME/lib/app-defaults. In your\\n .login file set the environment variable XUSERFILESEARCHPATH:\\n\\n\\tsetenv XUSERFILESEARCHPATH $HOME/lib/app-defaults/%N\\n\\n [ The \"comp.windows.x Frequently Asked Questions\" FAQ contains\\n an excellent explanation of how these environment variables work.\\n --ed.]\\n\\n So, when xterm launches, it loads its resources from\\n .../app-defaults/XTerm. Xdvi finds them in .../app-defaults/XDvi,\\n and so on and so forth. Note that not all clients follow the same\\n XXxxx resource-file naming pattern. You can check in your system\\n app-defaults directory (often: /usr/X11R5/lib/X11/app-defaults/) to\\n find the proper name, and then name your personal resource files\\n with the same name.\\n\\n This is all documented in the Xt Specification (pg 125 & 666).\\n\\t\\t [Thanks to: Kevin Samborn (samborn@mtkgc.com),\\n\\t\\t Michael Urban (urban@cobra.jpl.nasa.gov),\\n\\t\\t and Mike Long (mikel@ee.cornell.edu).\\n\\t Kevin is willing mail his setup files to inquirers.]\\n\\n This method of organizing your personal resources has the following\\n benefits:\\n\\n - Easier to maintain / more usable.\\n\\n - Fewer resources are stored in the X server in the RESOURCE_MANAGER\\n property. As a side benefit your server may start fractionally\\n quicker, since it doesn`t have to load all your resources.\\n\\n - Applications only process their own resources, never have to sort \\n through all of your resources to find the ones that affect them.\\n\\n It also has drawbacks:\\n\\n - the application that you are interested in has to load an\\n additional file every time it starts up. This doesn\\'t seem to\\n make that much of a performance difference, and you might\\n consider this a huge boon to usability. If you are modifying an\\n application\\'s resource database, you just need to re-run the\\n application without having to \"xrdb\" again.\\n\\n - xrdb will by default run your .Xdefaults file through cpp. When\\n your resources are split out into multiple resource files and\\n then loaded by the individual client programs, they will not.\\n WATCH OUT FOR THIS!!\\n\\n I had C style comments in my .Xdefaults file, which cpp stripped\\n out. When I switched to this method of distributed resource\\n files I spent several frustrating days trying to figure out why\\n my clients were not finding their resources. Xt did *NOT*\\n provide any error message when it encountered the C style\\n comments in the resource files, it simply, silently, aborted\\n processing the resource file.\\n\\n The loss of preprocessing (which can be very handy, e.g. ``#ifdef\\n COLOR\\'\\' ...) is enough to cause some people to dismiss this\\n method of resource management.\\n\\n - You may also run into some clients which break the rules. For\\n example, neither Emacs (18.58.3) nor Xvt (1.0) will find their\\n resources if they are anywhere other than in .Xdefaults.\\n\\n - when starting up a client on a machine that does not share files\\n with the machine where your resources are stored, your client\\n will not find its resources. Loading all your resources into the\\n server will guarantee that all of your clients will always find\\n their resources. Casey Leedom (casey@gauss.llnl.gov)\\n\\n A possible compromise suggestion that I have (and am planning on trying)\\n is to put resources for all my heavily used clients (eg: xterm) into my\\n .Xdefaults file, and to use the \"separate resources files\" method for\\n clients that I seldom use.\\n\\nDefine Your Display Properly\\n- - - - - - - - - - - - - - -\\n\\n Client programs are often executed on the same machine as the server. In\\n that situation, rather than setting your DISPLAY environment variable to \\n \":0.0\", where is the name of your workstation, you\\n should set your DISPLAY variable to \"unix:0.0\" or \":0.0\". By doing this\\n you access optimized routines that know that the server is on the same\\n machine and use a shared memory method of transferring requests.\\n\\t\\t\\t[thanks to Patrick J Horgan (pjh70@ras.amdahl.com)]\\n\\n See the _DISPLAY NAMES_ section of the X(1) man page for further\\n explanation of how to properly set your display name.\\n\\n \"I don\\'t think it\\'s stock MIT, but (at least) Data General and HP have\\n libraries that are smart enough to use local communication even when\\n the DISPLAY isn\\'t set specially.\"\\n\\t\\t\\t Rob Sartin (88opensi!sartin@uunet.UU.NET)\\n\\n [Jody Goldberg (jody@algorithmics.com) sent me an Xlib patch to change\\n stock R5 to use local communication even if DISPLAY is not properly set.\\n I don\\'t want to get in the business of distributing or trying to juggle\\n non-MIT patches and so have elected not to include it here. Hopefully MIT\\n will apply this minor (~8 lines) patch themselves. In the meantime, if\\n you want to try it yourself, email Jody. --ed.]\\n\\n-------\\nClients\\n-------\\n\\n If you only have a few megabytes of Ram then you should think\\n carefully about the number of programs you are running. Think also\\n about the _kind_ of programs you are running. For example: Is there\\n a smaller clock program than xclock?\\n\\n Unfortunately, I haven\\'t really noticed that programs advertise how large\\n they are, so the onus is on us to do the research and spread the word.\\n\\n [ Suggestions on better alternatives to the some of the standard clients\\n (eg: Xclock, Xterm, Xbiff) are welcome. --ed.]\\n\\n I\\'ve received some contradictory advice from people, on the subject\\n of X client programs. Some advocate the use of programs that are\\n strictly Xlib based, since Xt, Xaw and other toolkits are rather\\n large. Others warn us that other applications which you are using\\n may have already loaded up one or more of these shared libraries. In\\n this case, using a non-Xt (for example) client program may actually\\n _increase_ the amount of RAM consumed.\\n\\n The upshot of all this seems to be: Don\\'t mix toolkits. That is, try\\n and use just Athena clients, or just Xview clients (or just Motif\\n clients, etc). If you use more than one, then you\\'re dragging in\\n more than one toolkit library.\\n\\n Know your environment, and think carefully about which client\\n programs would work best together in that environment.\\n\\n\\t\\t [Thanks to: Rob Sartin (88opensi!sartin@uunet.UU.NET),\\n Duncan Sinclair (sinclair@dcs.gla.ac.uk | sinclair@uk.ac.gla.dcs) ]\\n\\nA Better Clock for X\\n- - - - - - - - - - -\\n\\n1) xcuckoo\\n suggested by: Duncan Sinclair (sinclair@dcs.gla.ac.uk)\\n available: on export.lcs.mit.edu\\n\\n Xcuckoo displays a clock in the title bar of *another* program.\\n Saves screen real estate.\\n\\n2) mclock\\n suggested by: der Mouse (mouse@Lightning.McRCIM.McGill.EDU)\\n available: larry.mcrcim.mcgill.edu (132.206.1.1) in /X/mclock.shar\\n\\n Non Xt-based. Extensively configurable. it can be made to look\\n very much like MIT oclock, or mostly like xclock purely by changing\\n resources.\\n\\n Of course, the ultimate clock --- one that consumes no resources, and \\n takes up no screen real estate --- is the one that hangs on your wall.\\n :-) \\n\\nA Better Terminal Emulator for X\\n- - - - - - - - - - - - - - - - -\\n\\n From the README file distributed with xterm:\\n\\n +-----\\n |\\t\\t Abandon All Hope, Ye Who Enter Here\\n |\\n | This is undoubtedly the most ugly program in the distribution.\\n | ...\\n +-----\\n\\n Ugly maybe, but at my site it\\'s still the most used. I suspect that\\n xterm is one of the most used clients at many, if not most sites.\\n Laziness? Isn\\'t there a better terminal emulator available? See below.\\n\\n If you must use xterm, you can try reducing the number of saveLines\\n to reduce memory usage. [ Oliver Jones (oj@roadrunner.pictel.com),\\n\\t\\t Jonny Farringdon (j.farringdon@psychol.ucl.ac.uk) ]\\n\\n1) Xvt\\n suggested by: Richard Hesketh (rlh2@ukc.ac.uk) :\\n available: export.lcs.mit.edu in /contrib/xvt-1.0.tar.Z\\n\\n \"...if you don\\'t need all the esoteric features of xterm, then get\\n hold of xvt ... it was written here just to save swap space as\\n xterm is rather a hog! \"\\n\\n This was written as a partial \\'clone\\' of xterm. You don\\'t have to\\n rename your resources, as xvt pretends to be XTerm. In it\\'s current\\n version, you cannot bind keys as you can in xterm. I\\'ve heard that\\n there are versions of xvt with this feature, but I\\'ve not found any\\n yet.\\n\\n UPDATE (March 1993): I recently had a few email conversations with\\n Brian Warkentin (brian.warkentine@eng.sun.com) regarding xvt. He\\n questions whether xvt really is at all faster than xterm. For\\n instance, xvt may initialize slightly faster, but compare scrolling\\n speed (try this quickie benchmark: /bin/time dd if=/etc/termcap\\n bs=40) and see which program can scroll faster. Also, while xterm\\n may be slightly larger in RAM requirements (We don\\'t have any hard\\n numbers here, does anyone else?) shared libraries and shared text\\n segments mean that xterm\\'s paging requirements are not that major.\\n\\n As an experiment, he ripped out all the tek stuff from xterm, but it\\n made little difference, since if you never use it, it never gets\\n brought into memory.\\n\\n So here we stand with some conflicting reports on the validity of\\n xvt over xterm. In summary? Caveat Emptor, your mileage may vary.\\n If you can provide some hard data, I\\'d like to see it.\\n Specifically: How much RAM each occupies, how much swap each needs,\\n relative speed of each\\n\\n2) mterm\\n suggested by: der Mouse (mouse@Lightning.McRCIM.McGill.EDU)\\n available: larry.mcrcim.mcgill.edu (132.206.1.1) in\\n /X/mterm.src/mterm.ball-o-wax.\\n\\n \"I also have my own terminal emulator. Its major lack is\\n scrollback, but some people like it anyway.\"\\n\\n\\nTuning your client\\n- - - - - - - - - -\\n\\n Suggestions on how you can tune your client programs to work faster.\\n\\n From Scott Barman (scott@asd.com) comes a suggestion regarding Motif\\n Text Field Widgets:\\n\\n I noticed that during data entry into Motif text field widgets, I\\n was getting a slight lag in response to some keystrokes,\\n particularly the initial one in the field. Examining the what was\\n going on with xscope I found it. It seems that when the resource\\n XmNblinkRate is non-zero and the focus is on a text field widget\\n (or even just a text widget) the I-beam cursor will blink.\\n Every time the cursor appears or disappears in those widgets, the\\n widget code is making a request to the server (CopyArea). The user\\n can stop this by setting the resource XmNblinkRate to 0. It is not\\n noticeable on a 40MHz SPARC, but it does make a little difference\\n on a [slower system].\\n\\n This specific suggestion can probably be applied in general to lots\\n of areas. Consider your heavily used clients, are there any minor\\n embellishments that can be turned off and thereby save on Server\\n requests?\\n\\n-------------------------\\nMiscellaneous Suggestions\\n-------------------------\\n\\nPretty Pictures\\n- - - - - - - -\\n Don\\'t use large bitmaps (GIF\\'s, etc) as root window backgrounds.\\n\\n - The more complicated your root window bitmap, the slower the server\\n is at redrawing your screen when you reposition windows (or redraw, etc)\\n\\n - These take up RAM, and CPU power. I work on a Sun SPARC and I\\'m\\n conscious of performance issues, I can\\'t comprehend it when I see\\n people with a 4mb Sun 3/60 running xphoon as their root window.\\n\\n I\\'ll let someone else figure out how much RAM would be occupied by\\n having a full screen root image on a colour workstation.\\n\\n - If you\\'re anything like me, you need all the screen real estate\\n that you can get for clients, and so rarely see the root window anyway.\\n\\n\\t\\t [ Thanks to Qiang Alex Zhao (azhao@cs.arizona.edu) \\n\\t\\t\\tfor reminding me of this one. --ed.]\\n\\nA Quicker Mouse\\n- - - - - - - -\\n Using xset, you can adjust how fast your pointer moves on the screen\\n when you move your mouse. I use \"xset m 3 10\" in my .xinitrc file,\\n which lets me send my pointer across the screen with just a flick of\\n the wrist. See the xset man page for further ideas and information.\\n\\n Hint: sometimes you may want to *slow down* your mouse tracking for\\n fine work. To cover my options, I have placed a number of different\\n mouse setting commands into a menu in my window manager. \\n\\n e.g. (for twm) :\\n menu \"mouse settings\" {\\n \"Mouse Settings:\"\\t\\t\\tf.title\\n\\t\" Very Fast\"\\t\\t\\t\\t! \"xset m 7 10 &\"\\n\\t\" Normal (Fast)\"\\t\\t\\t! \"xset m 3 10 &\"\\n\\t\" System Default (Un-Accelerated)\"\\t! \"xset m default &\"\\n\\t\" Glacial\"\\t\\t\\t\\t! \"xset m 0 10 &\"\\n }\\n\\nProgramming Thoughts\\n- - - - - - - - - - -\\n Joe English (joe@trystero.art.com) :\\n To speed up applications that you\\'re developing, there are tons of\\n things you can do. Some that stick out:\\n\\n - For Motif programs, don\\'t set XmFontList resources for individual\\n buttons, labels, lists, et. al.; use the defaultFontList or\\n labelFontList or whatever resource of the highest-level manager\\n widget. Again, stick to as few fonts as possible.\\n\\n - Better yet, don\\'t use Motif at all. It\\'s an absolute pig.\\n\\n - Don\\'t create and destroy widgets on the fly. Try to reuse them.\\n (This will avoid many problems with buggy toolkits, too.)\\n\\n - Use a line width of 0 in GCs. On some servers this makes a HUGE\\n difference.\\n\\n - Compress and collapse multiple Expose events. This can make the\\n difference between a fast application and a completely unusable\\n one.\\n\\n Francois Staes (frans@kiwi.uia.ac.be) :\\n Just a small remark: I once heard that using a better malloc\\n function would greatly increase performance of Xt based\\n applications since they use malloc heavily. They suggested trying\\n out the GNUY malloc, but I didn\\'t find the time yet. I did some\\n tests on small programs just doing malloc and free, and the\\n differences were indeed very noticeable ( somewhat 5 times faster)\\n\\n [ Any confirmation on this from anyone? --ed.]\\n\\n Andre\\' Beck (Andre_Beck@IRS.Inf.TU-Dresden.de) :\\n\\n - Unnecessary NoExpose Events.\\n\\n Most people use XCopyArea/XCopyPlane as fastest blit routines, but\\n they forget to reset graphics_exposures in the GC used for the\\n blits. This will cause a NoExpose Event every blit, that, in most\\n cases, only puts load onto the connection and forces the client to\\n run through it\\'s event-loop again and again.\\n\\n - Thousands of XChangeGC requests.\\n\\n This \"Gfx Context Switching\" is also seen in most handcoded X-Apps,\\n where only one or few GCs are created and then heavily changed\\n again and again. Xt uses a definitely better mechanism, by caching\\n and sharing a lot of GCs with all needed parameters. This will\\n remove the load of subsequent XChangeGC requests from the\\n connection (by moving it toward the client startup phase).\\n\\nSay What!?\\n- - - - - - \\n Some contributors proposed ideas that seem right off the wall at first:\\n\\n David B. Lewis (by day: dbl@osf.org, by night: david%craft@uunet.uu.net) :\\n How about this: swap displays with someone else. Run all your programs\\n on the other machine and display locally; the other user runs off your\\n machine onto the other display. Goal: reduce context switches in the\\n same operation between client and server.\\n\\n I\\'m not in a situation where I can easily try this, but I have received\\n the following confirmation...\\n\\n Michael Salmon (Michael.Salmon@eos.ericsson.se):\\n I regularly run programs on other machines and I notice a big\\n difference. I try to run on a machine where I will reduce net usage\\n and usually with nice to reduce the impact of my intrusion. This\\n helps a lot on my poor little SS1+ with only 16 MB, it was\\n essential when I only had 8 MB.\\n\\n Casey Leedom (casey@gauss.llnl.gov) :\\n [The X11 Server and the client are] competing for the same CPU as\\n your server when you run it on the same machine. Not really a\\n major problem, except that the X11 client and the server are in\\n absolute synchronicity and are context thrashing.\\n\\n Timothy H Panton (thp@westhawk.uucp) :\\n Firstly it relies on the fact that most CPU\\'s are mostly idle, X\\'s\\n cpu usage is bursty. so the chances of you and your teammate\\n doing something cpu-intensive at the same time is small. If they\\n are not then you get twice the cpu+memory available for your\\n action.\\n\\n The second factor is that context switches are expensive, using 2\\n cpu\\'s halves them, you pay a price due to the overhead of going\\n over the network, but this is offset in most cases by the improved\\n buffering of a network (typically 20k vs 4k for a pipe), allowing\\n even fewer context switches.\\n\\n----------------------------\\nOther Sources of Information\\n----------------------------\\n\\n Volume 8 in O\\'Reilly\\'s X Window System Series, ``X Window System\\n Administrator\\'s Guide\\'\\' is a book all X administrator\\'s should read.\\n\\n Adrian Nye (adrian@ora.com):\\n A lot more tips on performance are in the paper \"Improving X\\n Application Performance\" by Chris D. Peterson and Sharon Chang, in\\n Issue 3 of The X Resource.\\n\\n An earlier version of this paper appeared in the Xhibition 1992\\n conference proceedings.\\n\\n This paper is absolutely essential reading for X programmers.\\n\\n--------------\\nAuthor & Notes\\n--------------\\n This list is currently maintained by Art Mulder (art@cs.ualberta.ca)\\n\\n Suggestions, corrections, or submission for inclusion in this list\\n are gladly accepted. Layout suggestions and comments (spelling\\n mistak\\'s too! :-) are also welcome.\\n\\n Currently I have listed all contributors of the various comments and\\n suggestions. If you do not want to be credited, please tell me.\\n\\n speedup-x-faq is copyright (c) 1993 by Arthur E. Mulder\\n\\n You may copy this document in whole or in part as long as you don\\'t\\n try to make money off it, or pretend that you wrote it.\\n\\n- - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - -\\n--\\n ...art mulder ( art@cs.ualberta.ca ) | \"Do not be conformed to this world,\\n Department of Computing Science | but be transformed by the renewal\\n University of Alberta, Edmonton, Canada | of your mind, ...\" Romans 12:2\\n',\n", + " \"From: eastwood@sybase.com (David Eastwood)\\nSubject: WRK Installation Oddity\\nDistribution: usa\\nOrganization: Sybase, Inc.\\nLines: 11\\n\\nLast night I tried to reinstall the utilities from the Windows 3.1 Resource\\nKit disk. The setup program appeared to run perfectly normally, but when it\\nhad finished, there was no Program Group created. Now, I know I've done\\nthis before successfully, and creating a group myself didn't exactly tax\\nme, but I'm curious as to what might be going on. I can only assume that\\nsomething left over from the last time I had it installed is getting in \\nthe way, but I can't figure out what. Any clues, anyone? \\n-- \\n\\n----------------------------------------------------------------------\\nDavid Eastwood / Sybase Inc., Emeryville, CA / eastwood@sybase.com\\n\",\n", + " 'From: davet@interceptor.cds.tek.com (Dave Tharp CDS)\\nSubject: Re: V-max handling request\\nOrganization: Tektronix - Colorado Data Systems, Englewood, CO\\nLines: 27\\n\\nIn article <1993Apr15.222224.1@ntuvax.ntu.ac.sg> ba7116326@ntuvax.ntu.ac.sg writes:\\n>hello there\\n>ican anyone who has handson experience on riding the Yamaha v-max, pls kindly\\n>comment on its handling .\\n\\nFrom _Cycle_World_ magazine (5/93) (who usually never says _anything_\\nbad about any motorcycle):\\n\\n\"The Max certainly has motor, but there are some things it is short of.\\nIt is short of chassis. It loves straight lines; aimed in one, it is\\nnicely stable. But it is not overfond of corners. Forced into one, it\\nprotests, shaking its head, chattering its front tire, grinding its\\nfootpegs, and generally making known its preference for straight\\npavement. Bumps? It doesn\\'t like them either. Its fork isn\\'t too bad,\\nthough it is soft enough that it can be bottomed under hard braking.\\nThe shocks, though which work on that short-travel, shaft-drive\\nswingarm, are firm to the point of harshness.\"\\n\\n-----------------------------------------------------------------------------\\n| Dave Tharp | DoD #0751 | \"You can\\'t wear out |\\n| davet@interceptor.CDS.TEK.COM | MRA #151 | an Indian Scout, |\\n| \\'88 K75S \\'48 Indian Chief | AHRMA #751 | Or its brother the Chief.|\\n| \\'75 R90S(#151) \\'72 TR-2B(#751) | AMA #524737 | They\\'re built like rocks |\\n| \\'65 R50/2/Velorex \\'57 NSU Max | | to take the knocks, |\\n| 1936 BMW R12 | (Compulsive | It\\'s the Harleys that |\\n| My employer has no idea. | Joiner) | give you grief.\" |\\n-----------------------------------------------------------------------------\\n',\n", + " 'From: \"Rajeev T. Chellapilla\" \\nSubject: MBenz&Bmw Question\\nOrganization: Freshman, Biology, Carnegie Mellon, Pittsburgh, PA\\nLines: 7\\nNNTP-Posting-Host: po2.andrew.cmu.edu\\n\\nWhen do the new M.benz \"C\" class cars come out?\\nThe new nomenclature that MB has adopted will it only apply to the \"c\"\\nclass cars or will it also apply to the current \"s\" class cars.\\nDoes any one know what will replace the current 300 class since the \"c\"\\nclass will be smaller and more in line with the current 190. \\nAnother question, Is BMW realising a new body style on the current 7\\nseries and 5 series. They seem to be a bit dated to me.\\n',\n", + " 'From: pjtier01@ulkyvx.louisville.edu\\nSubject: Re: Finnally, the Phils have support\\nLines: 75\\nNntp-Posting-Host: ulkyvx.louisville.edu\\nOrganization: University of Louisville\\n\\nIn article , philly@bach.udel.edu (Robert C Hite) writes:\\n> In article <1993Apr3.182452.1@ulkyvx.louisville.edu> pjtier01@ulkyvx.louisville.edu writes:\\n> \\n>>>Everytime I have written on the net about the possibility of a\\n>>>successfuls season by the Philadelphia Phillies, I have gotten ripped\\n>>>from everybody from Pittsburgh to Calcutta. But if all the\\n>>>ignoramouses, care to look at this week\\'s Baseball Weekly, they will see\\n>>> ^^^^^^^^^^^^ ^^^^^^^^^^^^^^^\\n>>>that I\\'m not the only one who considers then as division winners - the\\n>>>rest of the most respected baseball writers in the country do as well.\\n>>\\n> \\n>>And what was the reasoning of this genius writer? That, even though their\\n>>pitching is at best \"sound\", they will win on the strength of their offense.\\n>>Lesse:\\n>> \\'93 offense = \\'92 offense + (Thompson & Incaviglia)\\n>> \\n>> \\'92 offense = 72 wins\\n>> \\'93 division winners = (at least) 88 wins\\n>> \\n>>So, \\n>> 88 wins = 72 wins + (Thompson & Incaviglia)\\n>>\\n>>Therefore,\\n>> 16 wins = Thompson & Incaviglia\\n>>\\n>>What did you learn in school today?\\n>>\\n>>If you take a math course and your teacher turns out to be Rob Rains, run,\\n>>don\\'t walk, to drop/add.\\n>> P. Tierney\\n> \\n> You obviously don\\'t know what the hell you\\'re talking about. No,\\n> Thompson and Incaviglia don\\'t equal 16 wins, but I\\'ll take the two\\n> of them over Stan Javier and Ruben Amaro (.249 1HR, 334AB &\\n> .219 7HR 374 AB) I\\'d say this improvement should equate to 6or 7\\n> wins at least.\\n> \\n> Then, I\\'ll take Lenny Dykstra who played 85 games last year and\\n> project his numbers (.301, 104 hits, 18 2B\\'s, 6 HR, 39RBI, 30 SB)\\n> over 150 games. Thus(.301, 188 hits, 32 2B\\'s, 11HR, 70RBI, 54 SB)\\n> Okay, now we\\'ll put these numbers in the leadoff hole and thus\\n> I have to bump Kruk, Hollins, Daulton RBI numbers up just a tad...\\n> now lesse... they knocked in 70, 93, and 109 respectively. Don\\'t\\n> you think it\\'s fair to add about 5 or 6 RBI to each? They managed\\n> to knock in a pretty nice amount of runs with a .219 leadoff hitter.\\n> Okay bozo, do you think it\\'s fair to add maybe 7 or 8 more wins\\n> now? Oh, and how can I forget Wes Chamberlain, 275 AB\\'s 9 HR, \\n> 41 RBI even WITH a month and 1/2 in AAA and a horrible first half.\\n> Well project that over a full season to get 18 HR and 80 RBI or so.\\n> Is that worth a win or two? \\n> \\n> Finally, take the *worse* pitching staff in the NL last year, add\\n> the worse injury decimation of 1992. Okay, now we add Danny\\n> jackson, some health, and a full season for Schilling... is that\\n> worth at least 3 wins?\\n> \\n> Okay we\\'ve been conservative and added about 18 wins so far. Now\\n> we\\'re adding about 4 more wins thanks to the expansion teams...\\n> Okay, thats 22 wins. Lesse dipshit math genuious, 72 + 22 = 94\\n> Hmmm... I think thats good enough to win the worse division in\\n> baseball?\\n> \\n> Next time, before you say something foolish, get a clue first!\\n> \\n> \\n\\nActually, I was simply relaying the reasoning of this so-called genius BW\\nwriter. I agree. The reasoning was foolish. \\n\\nNext time, before you say something foolish, be aware what you are responding\\nto.\\n\\nBTW, 94 wins. Very funny.\\n P. Tierney\\n',\n", + " \"From: ferguson@cs.rochester.edu (George Ferguson)\\nSubject: Re: Thumbs up to ESPN\\nReply-To: ferguson@cs.rochester.edu (George Ferguson)\\nOrganization: University of Rochester Hockey Science Dept.\\n\\n\\nIn article <1993Apr20.032017.5783@wuecl.wustl.edu> jca2@cec1.wustl.edu (Joseph Charles Achkar) writes:\\n> It was nice to see ESPN show game 1 between the Wings and Leafs since\\n>the Cubs and Astros got rained out. Instead of showing another baseball\\n>game, they decided on the Stanley Cup Playoffs. A classy move by ESPN.\\n\\nThey tried their best not to show it, believe me. I'm surprised they\\ncouldn't find a sprint car race (mini cars through pigpens, indeed!)\\non short notice.\\n\\nGeorge\\n-- \\nGeorge Ferguson ARPA: ferguson@cs.rochester.edu\\nDept. of Computer Science UUCP: rutgers!rochester!ferguson\\nUniversity of Rochester VOX: (716) 275-2527\\nRochester NY 14627-0226 FAX: (716) 461-2018\\n\",\n", + " 'From: jfh@rpp386 (John F. Haugh II)\\nSubject: Re: high speed rail is bad\\nReply-To: jfh@rpp386.cactus.org (John F. Haugh II)\\nOrganization: River Parishes Programming, Austin TX\\nDistribution: tx\\nLines: 14\\n\\nIn article <1993Apr13.210503.11099@pony.Ingres.COM> garrett@Ingres.COM (THE SKY ALREADY FELL. NOW WHAT?) writes:\\n>I didn\\'t see your post so I can\\'t comment on it. My $.02 on high\\n>speed rail is, I like it. I like it alot. It would be too bad to\\n>see it tainted by corruption. that\\'s all.\\n\\nThe speed limit on commuter tracks in the northeast is 120MPH. We\\nalready have something that resembles high speed rail in this\\ncountry and it requires massive government subsidies. We don\\'t need\\nanother government boondoggle.\\n-- \\nJohn F. Haugh II [ PGP 2.1 ] !\\'s: ...!cs.utexas.edu!rpp386!jfh\\nMa Bell: (512) 251-2151 [ DoF #17 ] @\\'s: jfh@rpp386.cactus.org\\n Look up \"Ponzi Scheme\" in a good dictionary - it will have a picture of Joe\\n Liberal Handout right next to it. Stop federal spending. Cut the deficit.\\n',\n", + " 'From: kfl@access.digex.com (Keith F. Lynch)\\nSubject: Glutamate\\nOrganization: Express Access Public Access UNIX, Greenbelt, Maryland USA\\nLines: 10\\nNNTP-Posting-Host: access.digex.net\\n\\nIn article sher@bbn.com (Lawrence D. Sher) writes:\\n> From the N.E.J.Med. editorial: \"The dicarboxylic amino acid glutamate\\n> is not only an essential amino acid ...\\n\\nGlutamate is not an essential amino acid. People can survive quite well\\nwithout ever eating any.\\n-- \\nKeith Lynch, kfl@access.digex.com\\n\\nf p=2,3:2 s q=1 x \"f f=3:2 q:f*f>p!\\'q s q=p#f\" w:q p,?$x\\\\8+1*8\\n',\n", + " 'From: claes@polaris (Heinz-Josef Claes)\\nSubject: german keyboard, X11R5 and Sparc\\nNntp-Posting-Host: polaris.informatik.uni-essen.de\\nOrganization: Uni-Essen\\nX-Newsreader: TIN [version 1.1 PL8]\\nLines: 8\\n\\nI have a Sparc[12] with a german type 4 keyboard.\\nHas anybody a Patch for X11R5?\\n\\nThanks in advance\\n\\nHeinz-Josef Claes\\nemail: claes@tigger.turbo.uni-essen.de\\n\\n',\n", + " 'From: dbernard@clesun.Central.Sun.COM (Dave Bernard)\\nSubject: Re: Riddle me this...\\nOrganization: Sun Microsystems\\nLines: 24\\nDistribution: world\\nReply-To: dbernard@clesun.Central.Sun.COM\\nNNTP-Posting-Host: clesun.central.sun.com\\n\\nIn article 1r1lp1INN752@mojo.eng.umd.edu, chuck@eng.umd.edu (Chuck Harris - WA3UQV) writes:\\n>In article <1993Apr20.050550.4660@jupiter.sun.csd.unb.ca> j979@jupiter.sun.csd.unb.ca (FULLER M) writes:\\n>>Does a \"not harmful\" gassing mean that you can, with a little willpower,\\n>>stay inside indefinitely without suffering any serious health problems?\\n>>\\n>>If so, why was CS often employed against tunnels in Vietnam?\\n>>\\n>>What IS the difference, anyway?\\n>\\n>CS \"tear-gas\" was used in Vietnam because it makes you wretch so hard that\\n>your stomach comes out thru your throat. Well, not quite that bad, but\\n>you can\\'t really do much to defend yourself while you are blowing cookies.\\n>\\n>Chuck Harris - WA3UQV\\n>chuck@eng.umd.edu\\n>\\n\\n\\nInteresting... after several hours worth of exposure, do you still posess\\nthe presence of mind to be able to determine how to escape from an inferno\\nsurrounding you? In other words, is it possible that the prolonged gassing\\ndisoriented the wackos enough that possibility of escape was rendered\\nquestionable?\\n\\n',\n", + " 'From: cobb@alexia.lis.uiuc.edu (Mike Cobb)\\nSubject: Science and theories\\nOrganization: University of Illinois at Urbana\\nLines: 19\\n\\nAs per various threads on science and creationism, I\\'ve started dabbling into a\\nbook called Christianity and the Nature of Science by JP Moreland. A question\\nthat I had come from one of his comments. He stated that God is not \\nnecessarily a religious term, but could be used as other scientific terms that\\ngive explanation for events or theories, without being a proven scientific \\nfact. I think I got his point -- I can quote the section if I\\'m being vague. \\nThe examples he gave were quarks and continental plates. Are there \\nexplanations of science or parts of theories that are not measurable in and of\\nthemselves, or can everything be quantified, measured, tested, etc.? \\n\\nMAC\\n--\\n****************************************************************\\n Michael A. Cobb\\n \"...and I won\\'t raise taxes on the middle University of Illinois\\n class to pay for my programs.\" Champaign-Urbana\\n -Bill Clinton 3rd Debate cobb@alexia.lis.uiuc.edu\\n \\nNobody can explain everything to anybody. G.K.Chesterton\\n',\n", + " 'From: hrubin@pop.stat.purdue.edu (Herman Rubin)\\nSubject: U.S. Government and Science and Technolgy Investment\\nOrganization: Purdue University Statistics Department\\nLines: 75\\n\\nIn article <1993Apr30.151033.13776@aio.jsc.nasa.gov> kjenks@gothamcity.jsc.nasa.gov writes:\\n>People who criticize \"big Government\" and its projects rarely seem to\\n>have a consistent view of the role of Government in science and\\n>technology. Basically, the U.S. Government has gotten into the role of\\n>supporting research which private industry finds too expensive or too\\n>long-term. \\n\\n>(Historically, this role for the U.S. Gov\\'t was forced upon it because\\n>of socialism in other countries. In order for U.S. industries to\\n>compete with government-subsidized foreign competitors, the U.S. Gov\\'t\\n>has taken on the role of subisizing big-ticket or long-lead R&D.)\\n\\nThis definitely had nothing to do with the entry of the government into\\nthe support of science; some of it is relevant in technology. There\\nwas little involvement of federal funds, or except through support of\\nstate universities, of state funds, for scientific research before WWII.\\nThe US research position had been growing steadily, and the funding was\\nmainly from university and private foundation funds. There were not that\\nmany research universities, but they all provided their researchers with\\nlow teaching loads, laboratories, assistants, and equipment, and funds for\\ntravel to scientific meetings. Not that much, but it was provided, and a\\nuniversity wishing to get a scholar had to consider research funding as well\\nas salary.\\n\\nDuring WWII, the military and the defense departments found that pure\\nscientists could do quite well with their problems, even though they \\nwere not exactly in the areas of the scientists\\' expertise. This is\\nprobably because of the \"research mind\" approach, which is not to try\\nto find a solution, but to understand the problem and see if a solution\\nemerges. This works in stages, and as research scientists were used to\\ndiscussion about their problems, the job got done.\\n\\nThe military realized the importance of maintaining scientists for the\\nfuture, and started funding pure research after WWII. But Congress was\\nunwilling to have military funds diverted into this investment into the\\nfuture supply of scientists, and set up other organizations, such as \\nNSF, to do the job. It also set up an elaborate procedure to supposedly\\nkeep politics out. Also, the government did a job on private foundations,\\nmaking it more difficult for them to act to support research.\\n\\nThe worst part of the federal involvement is that in those areas in which\\nthe government supports research the university will not provide funding,\\nand in fact expects its scholars to bring in net government money. Suppose,\\nas has been the case, I have a project which could use the assistance of\\na graduate student for a few months. What do you think happens if I ask\\nfor one? The answer I will get is, \"Get the money from NSF.\" Now the\\nmoney at the university level is a few thousand, but at the NSF level it\\ncomes to about 20 thousand, and is likely to keep a faculty member from\\ngetting supported. So the government is, in effect, deciding which projects\\nget supported, and how much. \\n\\nAlso, the government decided that the \"wealth\" should be spread. So instead\\nof having a moderate number of universities which were primarily research\\ninstitutions, the idea that more schools should get into the act came into\\nbeing. And instead of evaluating scholars, they had to go to evaluating\\nreseach proposals. As a researcher, I can tell you that any research proposal\\nhas to be mainly wishful thinking, or as now happens, the investigator conceals\\nalready done work to release it as the results of the research. What I am\\nproposing today I may solve before the funding is granted, I may find \\nimpossible, or I may find that it is too difficult. In addition, tomorrow\\nI may get unexpected research results. Possibly I may bet a bright idea\\nwhich solves yesterday\\'s too difficult problem, or a whole new approach to\\nsomething I had not considered can develop. This is the nature of the beast, \\nand except for really vague statements, if something can be predicted, it\\nis not major research, but development or routine activity not requiring \\nmore than minimal attention of a good researcher. \\n\\nI believe that at this time less quality research is being done than would\\nhave happened if the government had never gotten into it, and the government\\nis trying to divert researchers from thinkers to plodders.\\n-- \\nHerman Rubin, Dept. of Statistics, Purdue Univ., West Lafayette IN47907-1399\\nPhone: (317)494-6054\\nhrubin@snap.stat.purdue.edu (Internet, bitnet) \\n{purdue,pur-ee}!snap.stat!hrubin(UUCP)\\n',\n", + " \"From: Arthur_Noguerola@vos.stratus.com\\nSubject: HEAVY METAL (the magazine) for sale (NOT the MUSIC)\\nOrganization: Stratus Computer Inc, Marlboro MA\\nLines: 19\\nNNTP-Posting-Host: m21.eng.stratus.com\\n\\n I am cleaning out the coffers. I have a virtually \\n MINT collection of HEAVY METAL magazine. This is NOT \\n a music mag but the really neato mag with Giger and \\n Moebius artwork, et al. Jam packed with amazing \\n sci-fi and fantasy artwork by many masters. All are \\n mint with the exception of the 3 that have split seam \\n on the cover only but are otherwise perfect, no cut \\n outs or missing pages. I have Sep, Nov and Dec issues \\n for 1978, ALL issues for 1979, 1980, 1981, 1982, 1983 \\n and Jan thru Sep for 1984 (72 issues in all i \\n believe). I will not break them up. They will be \\n sold as a single lot. Send your offers to me. \\n Shipping not included, these are pretty heavy. Of \\n course if you are local (Mass, USA) you can come get \\n 'em in person. \\n\\n arthur_noguerola@vos.stratus.com \\n\\n\\n\",\n", + " 'From: jenski@cae.wisc.edu (Anders Jenski)\\nSubject: Quadra 950/900 case source wanted\\nOrganization: U of Wisconsin-Madison College of Engineering\\nLines: 12\\n\\nHello all,\\n\\nIf anyone knows of a place to get the case to hold the power supply and\\nmotherboard of a Quadra 950 please let me know. I have tried some mail\\norder places and some local stores. Both groups would prefer that I part\\nwith over $1000 to get just the case. In my eyes this seems about $600-$700\\nto much. Any comments? I currently own the guts of a 950.\\n\\nPlease email me or post to this group w/ info,\\n\\nThanks in advance,\\nAndy\\n',\n", + " 'From: chugh@niktow.canisius.edu (Kevin Chugh)\\nSubject: micro solutions backpack not working properly\\nOrganization: Canisius College, Buffalo NY. 14208\\nLines: 14\\n\\n\\n\\n\\n\\nhello all- i have a problem with my micro solutions backpack- sometimes \\nit works, sometimes it doesnt. i will either start a backup, or \\nstart a tape format, and at about 20 percent i get an error either saying\\nthe tape is bad or the backup/format has aborted for an unknown reason.\\nif i turn everything off and wait a half hour it works fine. is it\\nbecause the tape backup is too warm? has anyone had similar experiences?\\n\\n\\nthanks,\\nkevin\\n',\n", + " \"From: mark@physchem.ox.ac.uk (Mark Jackson)\\nSubject: Re: Help adding a SCSI Drive\\nOriginator: mark@joule.pcl\\nOrganization: Physical Chemistry Laboratory, South Parks Road, Oxford OX1 3QZ\\nLines: 61\\n\\n\\nIn article <1993Apr19.195301.27872@oracle.us.oracle.com>, ebosco@us.oracle.com (Eric Bosco) writes:\\n> \\n> I have a 486sx25 computer with a 105 Mg Seagate IDE drive and a controler \\n> built into the motherboard. I want to add a SCSI drive (a quantum prodrive \\n> 425F 425 MG formatted). I have no documentation at all and I need your \\n> help!\\n> \\n> As I understand it, here is the process of adding such a drive. Could you \\n> please tell me if I'm right..\\n> \\n> 1- Buy a SCSI contoler. Which one? I know Adaptec is good, but they are \\n> kind of expensive. Are there any good boards in the $100 region? I want \\n> it to be compatible with OS2 and Unix if possible. Also, I have seen on \\n> the net that there are SCSI and SCSI2 drives. Is this true? Does the \\n> adapter need to be the same as the drive? What type of drive is the \\n> quantum?\\n\\n\\nI have tried others, but I think that the Adaptec is best value for money.\\n\\n\\n> 2- connect the drive to the adapter via a SCSI cable and the power cable.\\n> Do i have to worry about the power supply? I think I have 200 watts and \\n> all I'm powering are two floppies and the seagate drive.\\n\\n\\nI dont think you can mix the two types of drive, unless you have one of the\\nSCSI/IDE cards that is available. You will have to turn your IDE off.\\n\\n\\n> 3- Setup the BIOS to recognize the drive as the second drive. What type \\n> of drive is this? I don't have the numbers for this drive.\\n\\n\\nInstructions for drive type are included with the controller. With some it may be\\na type 1. no matter what the disk is. With others it may be a type 47. I had one\\ncontroller that I had to tell the BIOS that no hard disk was installed.\\n\\n \\n> 4- Format and create partitions on the drive. Do I use format or fdisk? I \\n> think that IDE drives can't be low-level formatted. Is it the same with \\n> SCSI? How exactly does fdisk work? I have a reduced msdos 5.0 manual \\n> (clone obliges) and there is no mention of fdisk. Ideally, I would want \\n> the drive partitioned in to two partitions D: and E: how do I do this?\\n\\n\\nDo not low level format a SCSI unless you have the SCSI low level format program. \\nFirst use fdisk to set the partitions, then use format.\\n\\n\\n> Well that seems to be all. Is there anythiing I'm forgetting? \\n> Any help is *really* appreciated, I'm lost...\\n> \\n> -Eric\\n> \\n> ebosco@us.oracle.com\\n-- \\nMark \\n______________________________________________________________________________\\nmark@uk.ac.ox.physchem\\n\",\n", + " \"From: pyron@skndiv.dseg.ti.com (Dillon Pyron)\\nSubject: Re: Space Research Spin Off\\nLines: 24\\nNntp-Posting-Host: skndiv.dseg.ti.com\\nReply-To: pyron@skndiv.dseg.ti.com\\nOrganization: TI/DSEG VAX Support\\n\\n\\nIn article <1psgs1$so4@access.digex.net>, prb@access.digex.com (Pat) writes:\\n>|\\n>|The NASA habit of acquiring second-hand military aircraft and using\\n>|them for testbeds can make things kind of confusing. On the other\\n>|hand, all those second-hand Navy planes give our test pilots a chance\\n>|to fold the wings--something most pilots at Edwards Air Force Base\\n>|can't do.\\n>|\\n>\\n>What do you mean? Overstress the wings, and they fail at teh joints?\\n>\\n>You'll have to enlighten us in the hinterlands.\\n\\nNo, they fold on the dotted line. Look at pictures of carriers with loads of\\na/c on the deck, wings all neatly folded.\\n--\\nDillon Pyron | The opinions expressed are those of the\\nTI/DSEG Lewisville VAX Support | sender unless otherwise stated.\\n(214)462-3556 (when I'm here) |\\n(214)492-4656 (when I'm home) |God gave us weather so we wouldn't complain\\npyron@skndiv.dseg.ti.com |about other things.\\nPADI DM-54909 |\\n\\n\",\n", + " 'From: d91-hes@tekn.hj.se (STEFAN HERMANSSON)\\nSubject: re: Vesa on the Speedstar 24\\nOrganization: H|gskolan i J|nk|ping\\nLines: 8\\nNntp-Posting-Host: pc9_b109.et.hj.se\\n\\n\\n\\n\\tJust posting to John Cormack.\\nI wanted to tell you that there is a \"slight\" difference between \\nSpeedstar 24 and Speedstar 24X\\n\\n\\n\\t\\t\\t\\t\\t\\t/Stefan\\n',\n", + " 'From: steve-b@access.digex.com (Steve Brinich)\\nSubject: Re: Is this overreaction?\\nOrganization: Express Access Online Communications, Greenbelt, MD USA\\nLines: 12\\nDistribution: na\\nNNTP-Posting-Host: access.digex.net\\n\\n Good points. In addition, I would point out that now is one of the\\nbest times to fight this political battle, with much of the opposition\\nin disarray -- an FBI director (Sessions) on his way out, an Attorney\\nGeneral (Reno) who has only been in long enough to find the office coffee\\nmachine two tries out of three (and, between slow confirmations and\\nClinton\\'s Saturday Night Massacre, hasn\\'t much of a staff in place).\\nIf we really get lucky, both of the above will be too busy trying to\\nkeep their feet from being held to the Waco fire to spend much effort\\ninsisting on their alleged right to spy on the American people.\\n\\n \"I swear to you, we aren\\'t finished yet.\" -- James T. Kirk, ST III\\n\\n',\n", + " 'From: mjones@watson.ibm.com (Mike Jones)\\nSubject: Re: Jack Morris\\nReply-To: mjones@donald.aix.kingston.ibm.com\\nDisclaimer: This posting represents the poster\\'s views, not necessarily those of IBM.\\nNntp-Posting-Host: fenway.aix.kingston.ibm.com\\nOrganization: IBM AIX/ESA Development, Kingston NY\\nLines: 97\\n\\nmaynard@ramsey.cs.laurentian.ca (Roger Maynard) writes:\\n>In <1993Apr19.053221.11240@cs.cornell.edu> tedward@cs.cornell.edu (Edward [Ted] Fischer) writes:\\n>>In article <1993Apr19.024222.11181@newshub.ariel.yorku.ca> cs902043@ariel.yorku.ca (SHAWN LUDDINGTON) writes:\\n>>>Hey Valentine, I don\\'t see Boston with any world series rings on their\\n>>>fingers.\\n>>Yah. So?\\n>>>Damn, Morris now has three and probably the Hall of Fame in his \\n>>>future.\\n>>He certainly didn\\'t earn his last one. *HOW* many games did he blow\\n>>in the World Series? All of the ones he started?\\n>He certainly did earn it! He was a valuable member of the Blue Jay team. \\n\\nNot particularly *in* the World Series. During the season, he was probably\\nmore valuable than, say, putting Olerud out there to pitch, but yeah, he\\n*was* valuable in getting them there. In the postseason, he sucked dirty\\ncanal water through a straw. The Jays won *in spite* of Morris much more\\nthan *because of* him.\\n\\n>>>Therefore, I would have to say Toronto easily made the best signing.\\n>>Oh, yes. Definitely. Therefore Morris is better than Clemens.\\n>Your definition of \"better\" refers to some measurement on a scale that\\n>has nothing to do with winning WS rings.\\n\\nUmm, Roger? Return with us to those halcyon days of a few postings ago,\\nwhere the poster Valentine was replying to used # of WS rings as a measure\\nof better. The concept is called \"context\", and you should really become\\nfamiliar with it someday.\\n\\n>The facts are that Morris\\n>has shown us that he has what it takes to play on a WS winning club.\\n>Clemens hasn\\'t.\\n\\nUnless this transaltes to \"Clemens hasn\\'t gone into Lou Gorman\\'s office with\\na large caliber handgun and refused to come out until he\\'d been traded to\\nthe Jays,\" I\\'m at a complete loss as to any possible meaning for it.\\n\\n>You can go on about what Clemens has done in the \\n>past and claim that he is \"better\" than Morris if you want to. But \\n>the facts are that Morris has shown us that he can win and Clemens\\n>hasn\\'t.\\n\\nWhat on earth does this mean? Over their careers, Clemens has \"won\" 68% of\\nthe games he\\'s started, Morris 58%. Per year, Clemens has averaged nearly 17\\nwins, Morris just under 15. Would you grant the proposition that preventing\\nthe other team from scoring increases your chances of winning a game? If\\nso, then consider that Clemens allows 2.8 runs/9 innings pitched. Morris\\nallows nearly a run more per nine innings. In fact, Jack Morris has never in\\nhis career had an ERA for a single year as good as Clemens\\' career ERA. But\\nI forget, in the Maynardverse there was obviously some mystical significance\\nto Buckner missing that grounder in 1986; had Morris been on the Sox, it\\nwould have been a routine groundout, right?\\n\\n>Whether or not Clemens is better by your standard of measurement\\n>is totally meaningless. The object of the game is not to compile \\n>high figures in statistics that you have chosen to feel are important.\\n>The object of the game is to contribute to WS victories. But this\\n>has been patiently explained to you many, many times and you are \\n>either too stupid or too stubborn to grasp it.\\n\\nSpeaking of stupid, it has been patiently (and not-so-patiently) explained to\\nyou many times that attributing greatness to players based on the\\naccomplishments of their teams makes about as much sense as claiming that\\na racecar has the most attractive paint job because it won the race. Your\\ncontinued failure to not only understand but even to intelligently reply to\\nany of the arguments presented leads me to the conclusion that you must have\\nspent a few too many games in goal without a mask.\\n\\n>>Don\\'t give me that shit. If Boston had Alomar, Olerud, Henke, and\\n>>Ward while Toronto had Rivera, Jack Clark, Jeff Reardon, things would\\n>>have looked a little different last fall. Give credit where credit is\\n>>due. This lavishing of praise on Morris makes me sick.\\n>Yes and the dog would have caught the rabbit too...forget about what\\n>didn\\'t happen and open your eyes, for once, and look out there and\\n>see what is REALLY happening. Forget about how Morris \"shouldn\\'t\"\\n>have won 21 with an ERA over 4. \\n>When Morris pitched, last year, the Jays won. Stop crying about it and\\n>get on with life.\\n\\nNo one is crying; the Jays won, and as a team they certainly deserved to win\\nat least the AL East. They performed well in two short series and won the\\nWorld Series, and I congratulate them for it. As a Red Sox fan, I hope they\\nkeep Morris. I was happy when they picked up Stewart, and elated when they\\ntraded for Darrin Jackson. You see, unless you believe in some mystical link\\nbetween Morris and the offense, you can hardly help but believe that the man\\nwas credited with so many wins last year because he got lucky. Luck runs\\nout, just like it did in 1982 when he pitched 50-odd more innings than 1992,\\ngave up exactly *one* earned run more than in 1992, and went 17-16.\\n\\nSeriously, Roger, I\\'d really like to hear your explanation of the difference\\nbetween the 1982 Morris and the 1992 Morris. Which one was a better pitcher,\\nand why? Did Morris somehow \"learn how to win\" in the intervening ten years?\\nIf so, then why did he go 18-12 in 1991 with Minnesota with an ERA over half\\na run lower than 1992?\\n\\n Mike Jones | AIX High-End Development | mjones@donald.aix.kingston.ibm.com\\n\\nDon\\'t be humble, you\\'re not that great.\\n',\n", + " 'From: gkoh@athena.mit.edu (Glenn Koh)\\nSubject: Re: Gateway 4DX-33V - too high a price?\\nOrganization: Massachusetts Institute of Technology\\nLines: 9\\nNNTP-Posting-Host: w20-575-74.mit.edu\\n\\n\\nThen again, maybe $2445 for the gateway system isn\\'t too cheap.\\n\\nI have a system from Micron computers:\\n\\n486-2-50, 16 meg ram, 245 Maxtor HD, Local bus IDE / 2 meg video card, and\\nthe same 15\" monitor. The system with shipping came to $2200. I sold the\\nsx-33 chip that came with it and bought a dx2-50. Total price $2300-2400.\\n\\n',\n", + " \"From: weber@sipi.usc.edu (Allan G. Weber)\\nSubject: Need help with Mitsubishi P78U image printer\\nOrganization: University of Southern California, Los Angeles, CA\\nLines: 26\\nDistribution: na\\nNNTP-Posting-Host: sipi.usc.edu\\n\\nOur group recently bought a Mitsubishi P78U video printer and I could use some\\nhelp with it. We bought this thing because it (1) has a parallel data input in\\naddition to the usual video signal inputs and (2) claimed to print 256 gray\\nlevel images. However, the manual that came with it only describes how to\\nformat the parallel data to print 1 and 4 bit/pixel images. After some initial\\nproblems with the parallel interface I now have this thing running from a\\nparallel port of an Hewlett-Packard workstation and I can print 1 and 4\\nbit/pixel images just fine. I called the Mitsubishi people and asked about the\\n256 level claim and they said that was only available when used with the video\\nsignal inputs. This was not mentioned in the sales literature. However they\\ndid say the P78U can do 6 bit/pixel (64 level) images in parallel mode, but\\nthey didn't have any information about how to program it to do so, and they\\nwould call Japan, etc.\\n\\nFrankly, I find it hard to believe that if this thing can do 8 bit/pixel images\\nfrom the video source, it can't store 8 bits/pixel in the memory. It's not\\nlike memory is that expensive any more. If anybody has any information on\\ngetting 6 bit/pixel (or even 8 bit/pixel) images out of this thing, I would\\ngreatly appreciate your sending it to me.\\n\\nThanks.\\n\\nAllan Weber\\nSignal & Image Processing Institute\\nUniversity of Southern California\\nweber@sipi.usc.edu\\n\",\n", + " 'From: ab@nova.cc.purdue.edu (Allen B)\\nSubject: Re: comp.graphics.programmer\\nOrganization: Purdue University\\nLines: 26\\n\\nIn article <1qukk7INNd4l@no-names.nerdc.ufl.edu> lioness@maple.circa.ufl.edu \\nwrites:\\n> However, that is almost overkill. Something more like this would probably\\n> make EVERYONE a lot happier:\\n> \\n> comp.graphics.programmer\\n> comp.graphics.hardware\\n> comp.graphics.apps\\n> comp.graphics.misc\\n\\nThat\\'s closer, but I dislike \"apps\". \"software\" (vs. \"hardware\")\\nwould be better. Would that engulf alt.graphics.pixutils? Or would\\nthat be \"programmer\"?\\n\\nI don\\'t know if traffic is really heavy enough to warrant a newsgroup\\nsplit. Look how busy comp.graphics.research is (not).\\n\\nIt\\'s true that a lot of the traffic here is rehashing FAQs and\\ndiscussing things that would probably be better diverted to\\nsystem-specific groups, but I don\\'t know whether a split would help\\nor hurt that cause.\\n\\nMaybe we need a comp.graphics.RTFB for all those people who can\\'t be\\nbothered to read the fine books out there. Right, Dr. Rogers? :-)\\n\\nab\\n',\n", + " 'From: keegan@acm.rpi.edu (James G. Keegan Jr.)\\nSubject: Re: Spreading Christianity (Re: Christian Extremist Kills Doctor)\\nNntp-Posting-Host: hermes.acm.rpi.edu\\nReply-To: keegan@hermes.acm.rpi.edu\\nOrganization: T.S.A.K.C.\\nLines: 15\\n\\nnyikos@math.scarolina.edu (Peter Nyikos) writes:\\n\\n->I addressed most of the key issues in this very long (284 lines) post\\n->by Dean Kaflowitz in two posts yesterday. The first was made into the\\n->title post of a new thread, \"Is Dean Kaflowitz terminally irony-impaired?\"\\n->and the second, more serious one appeared along the thread\\n->\"A Chaney Post, and a Challenge, reissued and revised\"\\n\\nif you\\'re so insecure about people reading your posts\\nthat you feel the need to write new posts announcing\\nwhat you wrote in old, posts, why bother? accept it\\nPHoney, you\\'re a laughingstock.\\n\\n\\n\\n',\n", + " \"From: fzjaffe@hamlet.ucdavis.edu (Rory Jaffe)\\nSubject: Re: HELP for Kidney Stones ..............\\nOrganization: University of California, Davis\\nX-Newsreader: Tin 1.1 PL3\\nLines: 14\\n\\netxmow@garbo.ericsson.se (Mats Winberg) writes:\\n: \\n: Isn't there a relatively new treatment for kidney stones involving\\n: a non-invasive use of ultra-sound where the patient is lowered\\n: into some sort of liquid when he/she undergoes treatment? I'm sure\\n: I've read about it somewhere. If I remember it correctly it is a\\n: painless and effective treatment.\\nThe use of shock waves (not ultrasound) to break up stones has been\\naround for a few years. Depending on the type of machine, and intensity\\nof the shock waves, it is usually uncomfortable enough to require\\nsomething... The high-power machines cause enough pain to require\\ngeneral or regional anesthesia. Afterwards, it feels like someone\\nslugged you pretty good!\\n\\n\",\n", + " \"From: dchhabra@stpl.ists.ca (Deepak Chhabra)\\nSubject: Re: hawks vs leafs lastnight\\nNntp-Posting-Host: stpl.ists.ca\\nOrganization: Solar Terresterial Physics Laboratory, ISTS\\nDistribution: na\\nLines: 18\\n\\nIn article <1993Apr18.153820.10118@alchemy.chem.utoronto.ca> golchowy@alchemy.chem.utoronto.ca (Gerald Olchowy) writes:\\n\\n>>on all replays, joe murphy's goal shouldn't have counted ! \\n>>the game would have ended in 2-2 tie !\\n\\n>I thought the red light went on...thus, in the review, the presumption\\n>would be to find conclusive evidence that the puck did not go in the\\n>net...from the replays I say, even from the rear, the evidence wasn't\\n>conclusive that the puck was in or out...in my opinion...\\n\\nI was under the impression that the objective is to find conclusive\\nevidence that the puck _did_ cross the line. And, the replays I saw showed \\nfairly conclusively that the puck did _not_ cross the goal line at any\\ntime anyway. Somebody screwed up. \\n\\n\\ndchhabra@stpl.ists.ca\\n\\n\",\n", + " 'From: eshneken@ux4.cso.uiuc.edu (Edward A Shnekendorf)\\nSubject: Re: Why does US consider YIGAL ARENS to be a dangerous to humanity\\nOrganization: University of Illinois at Urbana\\nLines: 48\\n\\nanwar+@cs.cmu.edu (Anwar Mohammed) writes:\\n\\n>In article <4815@bimacs.BITNET> ehrlich@bimacs.BITNET (Gideon Ehrlich) writes:\\n>>The readers of this forum seemed to be more interested in the contents\\n>>of those files.\\n>>So It will be nice if Yigal will tell us:\\n>>1. Why do American authorities consider Yigal Arens to be dangerous?\\n\\n>ADL authorities seem to view a lot of people as dangerous, including\\n>the millions of Americans of Arab ancestry. Perhaps you can answer\\n>the question as to why the ADL maintained files and spied on ADC members\\n>in California (and elsewhere??)? Friendly rivalry perhaps?\\n\\nCome on! Most if not all Arabs are sympathetic to the Palestinian war \\nagainst Israel. That is why the ADL monitors Arab organizations. That is\\nthe same reason the US monitored communist organizations and Soviet nationals\\nonly a few years ago. \\n\\n>Perhaps Yigal is a Greenpeace member? Or the NAACP? Or a reporter? \\n>Or a member of any of the dozens of other political organizations/ethnic \\n>minorities/occupations that the ADL spied on.\\n\\nAll of these groups have, in the past, associated with or been a part of anti-\\nIsrael activity or propoganda. The ADL is simply monitoring them so that if\\nanything comes up, they won\\'t be caught by surprise.\\n\\n>>2. Why does the ADL have an interest in that person ?\\n\\n>Paranoia?\\n\\nNo, that is why World Trade Center bombings don\\'t happen in Israel (aside from\\nthe fact that there is no world trade center) and why people like Zein Isa (\\nPalestinian whose American group planned to bow up the Israeli Embassy and \\n\"kill many Jews.\") are caught. As Mordechai Levy of the JDL said, Paranoid\\nJews live longer.\\n\\n>>3. If one does trust either the US government or the ADL what an\\n>> additional information should he send them ?\\n\\n>The names of half the posters on this forum, unless they already \\n>have them.\\n\\nThey probably do.\\n\\n>>Gideon Ehrlich\\n>-anwar\\nEd.\\n\\n',\n", + " \"From: beck@irzr17.inf.tu-dresden.de (Andre Beck)\\nSubject: Re: XV 3.00 has escaped!\\nOrganization: Dept. of Computer Science, TU Dresden, Germany.\\nLines: 22\\nDistribution: world\\nReply-To: Andre_Beck@IRS.Inf.TU-Dresden.DE\\nNNTP-Posting-Host: irzr17.inf.tu-dresden.de\\n\\n\\n\\nWill there be no chance to get the Author of this _REALLY_ superb program\\nto remove the 'institutional' point in his license statement ?\\nOr at least to say 'except educational ones' at this ?\\n\\nI understand that use of this software by either commercial or governmental\\nusers should be result in a donation to its creator, but the everytime\\nrare on money universities, schools or whatever else institutions should\\nnot be restricted.\\n\\nIf the situation stays as is and the Author explicitely states that\\nhe treats universities and schools as institutions in this context,\\ni'll have to fallback to xv 2.21 here. Maybe our disk capacity will\\nsoon be dead, when every user has a copy of xv-3.00 in his home dir...\\n\\n--\\n+-o-+--------------------------------------------------------------+-o-+\\n| o | \\\\\\\\\\\\- Brain Inside -/// | o |\\n| o | ^^^^^^^^^^^^^^^ | o |\\n| o | Andre' Beck (ABPSoft) mehl: Andre_Beck@IRS.Inf.TU-Dresden.de | o |\\n+-o-+--------------------------------------------------------------+-o-+\\n\",\n", + " 'From: luigi@sgi.com (Randy Palermo)\\nSubject: Re: Braves Offense\\nNntp-Posting-Host: bullpen.csd.sgi.com\\nOrganization: Silicon Graphics, Inc., Mountain View, CA\\nLines: 29\\n\\nIn article <1993Apr23.010423.11050@news.acns.nwu.edu> rsavage@casbah.acns.nwu.edu (Michael Bornhorst) writes:\\n>\\n>\\n>\\n>I\\'ve been a Braves fan for as long as I\\'ve been watching baseball (almost 12\\n>years now.) I say that just tp preface what I\\'m about to post.\\n>\\n>This Braves team is made up of slow starters. People are amazed that the\\n>Braves aren\\'t hitting. Don\\'t be. They weren\\'t hitting last year at this\\n>time, nor were they the year before. They had slow Aprils and Mays in the\\n>1991 and 1992 seasons, and yet they still managed to go to the Series in\\n>those years. Well, this team is no different, so why should we be suprised\\n>at their slow start? They started that way for the past two years, and\\n>they\\'ll be that way until the Richmond club makes it to the majors. Judge\\n>their offense in June or July when things start to average out. I\\'m just\\n>happy that the Reds have gotten off to such a poor start. The Giants always\\n>do well in the early part of the season, but they\\'ll be out of the race by\\n>July (just like the last few years). Unless Bond\\'s developes a knuckelball,\\n>their staff will get rocked by mid-June. \\n\\nWow! You really know how to hurt a guy. Guess I shouldn\\'t bother watching\\nany more games. It\\'s already been decided. :^)\\n\\nluigi\\n\\n--\\nRandy Palermo luigi@csd.sgi.com Fax: (415)961-6502\\nSilicon Graphics Computer Systems, 2011 N. Shoreline Blvd Mt. View, CA 94039\\n\"Play an accordion, go to jail. That\\'s the LAW\"\\n',\n", + " 'From: zrdf01@trc.amoco.com (Rusty Foreman)\\nSubject: Re: 17\" Monitors\\nReply-To: zrdf01@trc.amoco.com\\nOrganization: Amoco Production Company, Tulsa Research\\nLines: 11\\n\\nHas anyone taken a look at the new ViewSonic 17? They claim 1280x1024 at 76Hz.\\nHow does it compare with the T560i in terms of price, and quality of display?\\n\\n\\n|-----| Living on Tulsa time..... \\n | \\n | Rusty Foreman - - - - - - - - rforeman@trc.amoco.com\\n | Amoco Production Research {...uunet}!apctrc!zrdf01\\n | P.O. Box 3385 phone: (918) 660-3488\\n | Tulsa, OK 74102 fax: 918-660-4163\\n\\n',\n", + " 'From: strnlght@netcom.com (David Sternlight)\\nSubject: Re: Clipper considered harmful [Restated and amplified]\\nOrganization: DSI/USCRPAC\\nDistribution: inet\\nLines: 29\\n\\nIn article \"Jon C. R. Bennett\" writes:\\n>\\n>\\n>strnlght@netcom.com (David Sternlight) writes:\\n>> If the crooks use an innocent person\\'s clipper phone on the tapped line\\n>> there\\'s no problem. The Feds don\\'t care whose phone instrument is used, just\\n>> that the conversation is by the suspect on the tapped line. They get the\\n>> serial number, get the keys, and they are in business.\\n>> \\n>> No clipper chip to person association is ever needed.\\n>\\n>celular phones...........\\n\\nDirection-finding and directional monitoring receivers. Can you say \"little\\nblack bakery truck\"?\\n\\n:-)\\n\\nDavid\\n\\n>\\n>jon\\n\\n\\n-- \\nDavid Sternlight Great care has been taken to ensure the accuracy of\\n our information, errors and omissions excepted. \\n\\n\\n',\n", + " \"From: kenyon@xqzmoi.enet.dec.com (Doug Kenyon (Stardog Champion))\\nSubject: Re: Integra GSR (really about other cars)\\nReply-To: kenyon@xqzmoi.enet.dec.com (Doug Kenyon (Stardog Champion))\\nOrganization: Digital Equipment Corporation\\nLines: 13\\n\\n\\nIt's great that all these other cars can out-handle, out-corner, and out-\\naccelerate an Integra.\\n\\nBut, you've got to ask yourself one question: do all these other cars have\\na moonroof with a sliding sunshade? No wimpy pop-up sunroofs or power\\nsliding roofs that are opaque. A moonroof that can be opened to the air,\\nclosed to let just light in, or shaded so that nothing comes in.\\n\\nYou've just got to know what's important :^).\\n\\n-Doug\\n'93 Integra GS\\n\",\n", + " 'From: Danny Weitzner \\nSubject: Re-inventing Crypto Policy? An EFF Statement\\nX-Xxmessage-Id: \\nX-Xxdate: Fri, 16 Apr 93 21:47:01 GMT\\nNntp-Posting-Host: harding.eff.org\\nOrganization: Electronic Frontier Foundation\\nX-Useragent: Nuntius v1.1.1d17\\nLines: 122\\n\\n\\n\\n\\n\\nApril 16, 1993\\n\\nINITIAL EFF ANALYSIS OF CLINTON PRIVACY AND SECURITY PROPOSAL\\n\\nThe Clinton Administration today made a major announcement on\\ncryptography policy which will effect the privacy and security of\\nmillions of Americans. The first part of the plan is to begin a\\ncomprehensive inquiry into major communications privacy issues such as\\nexport controls which have effectively denied most people easy access to\\nrobust encryption, and law enforcement issues posed by new technology.\\n\\nHowever, EFF is very concerned that the Administration has already\\nreached a conclusion on one critical part of the inquiry, before any\\npublic comment or discussion has been allowed. Apparently, the\\nAdministration is going to use its leverage to get all telephone\\nequipment vendors to adopt a voice encryption standard developed by the\\nNational Security Agency. The so-called \"Clipper Chip\" is an 80-bit,\\nsplit key escrowed encryption scheme which will be built into chips\\nmanufactured by a military contractor. Two separate escrow agents would\\nstore users\\' keys, and be required to turn them over law enforcement upon\\npresentation of a valid warrant. The encryption scheme used is to be\\nclassified, but the chips will be available to any manufacturer for\\nincorporation into its communications products.\\n\\n This proposal raises a number of serious concerns .\\n\\nFirst, the Administration has adopted a solution before conducting an\\ninquiry. The NSA-developed Clipper Chip may not be the most secure\\nproduct. Other vendors or developers may have better schemes.\\nFurthermore, we should not rely on the government as the sole source for\\nthe Clipper or any other chips. Rather, independent chip manufacturers\\nshould be able to produce chipsets based on open standards.\\n\\nSecond, an algorithm cannot be trusted unless it can be tested. Yet, the\\nAdministration proposes to keep the chip algorithm classified. EFF\\nbelieves that any standard adopted ought to be public and open. The\\npublic will only have confidence in the security of a standard that is\\nopen to independent, expert scrutiny. \\n\\nThird, while the use of the use of a split-key, dual escrowed system may\\nprove to be a reasonable balance between privacy and law enforcement\\nneeds, the details of this scheme must be explored publicly before it is\\nadopted. What will give people confidence in the safety of their keys? \\nDoes disclosure of keys to a third party waive an individual\\'s Fifth\\nAmendment rights in subsequent criminal inquiries? These are but a few\\nof the many questions the Administrations proposal raised but fails to\\nanswer.\\n\\nIn sum, the Administration has shown great sensitivity to the importance\\nof these issues by planning a comprehensive inquiry into digital privacy\\nand security. However, the \"Clipper Chip\" solution ought to be\\nconsidered as part of the inquiry, and not be adopted before the\\ndiscussion even begins.\\n\\nDETAILS OF THE PROPOSAL:\\n\\nESCROW\\n\\nThe 80-bit key will be divided between two escrow agents, each of whom\\nhold 40-bits of each key. The manufacturer of the communications device\\nwould be required to register all keys with the two independent escrow\\nagents. A key is tied to the device, however, not the person using it.\\n\\nUpon presentation of a valid court order, the two escrow agents would\\nhave to turn the key parts over to law enforcement agents. According to\\nthe Presidential Directive just issued, the Attorney General will be\\nasked to identify appropriate escrow agents. Some in the Administration\\nhave suggested that one non-law enforcement federal agency (perhaps the\\nFederal Reserve), and one non-governmental organization could be chosen,\\nbut there is no agreement on the identity of the agents yet.\\n\\nCLASSIFIED ALGORITHM AND THE POSSIBILITY OF BACK DOORS\\n\\nThe Administration claims that there are no back doors -- means by which\\nthe government or others could break the code without securing keys from\\nthe escrow agents -- and that the President will be told there are no\\nback doors to this classified algorithm. In order to prove this,\\nAdministration sources are interested in arranging for an all-star crypto\\ncracker team to come in, under a security arrangement, and examine the\\nalgorithm for trap doors. The results of the investigation would then be\\nmade public.\\n\\nThe Clipper Chipset was designed and is being produced and a sole-source,\\nsecret contract between the National Security Agency and two private\\nfirms: VLSI and Mycotronx. NSA work on this plan has been underway for\\nabout four years. The manufacturing contract was let 14 months ago.\\n\\nGOVERNMENT AS MARKET DRIVER\\n\\nIn order to get a market moving, and to show that the government believes\\nin the security of this system, the feds will be the first big customers\\nfor this product. Users will include the FBI, Secret Service, VP Al\\nGore, and maybe even the President. At today\\'s Commerce Department press\\nbriefing, a number of people asked this question, though: why would any\\nprivate organization or individual adopt a classified standard that had\\nno independent guaranty of security or freedom from trap doors?\\n\\nCOMPREHENSIVE POLICY INQUIRY\\n\\nThe Administration has also announced that it is about to commence an\\ninquiry into all policy issues related to privacy protection, encryption,\\nand law enforcement. The items to be considered include: export\\ncontrols on encryption technology and the FBI\\'s Digital Telephony\\nProposal. It appears that the this inquiry will be conducted by the\\nNational Security Council. Unfortunately, however, the Presidential\\nDirective describing the inquiry is classified. Some public involvement\\nin the process has been promised, but they terms have yet to be specified.\\n\\nFROM MORE INFORMATION CONTACT:\\n\\nJerry Berman, Executive Director (jberman@eff.org)\\nDaniel J. Weitzner, Senior Staff Counsel (djw@eff.org)\\n\\nFull text of the Press releases and Fact Sheets issued by the\\nAdministration will be available on EFF\\'s ftp site.\\n\\nDanny Weitzner Senior Staff Counsel, EFF\\n +1 202 544 3077\\n',\n", + " 'From: mikey@ccwf.cc.utexas.edu (Strider)\\nSubject: Re: BATF/FBI Murders Almost Everyone in Waco Today! 4/19\\nOrganization: The University of Texas at Austin, Austin TX\\nLines: 43\\nNNTP-Posting-Host: louie.cc.utexas.edu\\n\\nroby@chopin.udel.edu (Scott W Roby) writes:\\n:mikey@ccwf.cc.utexas.edu (Strider) writes:\\n:\\n:According to an Australian documentary made in the year before the stand off \\n:began, Koresh and his followers all believed he was Christ. Koresh \\n:had sex with children and women married to other men in the compound. \\n:These were the \"perfect children\" resulting from the \"great seed\" of \\n:his \"magnified horn\". Ex-members describe him in ways not dissimilar \\n:to the way Jim Jones has been described.\\n\\nI don\\'t know how accurate the documentary was; however, Koresh was never\\nconvicted of any crimes against children, nor was the BATF after him for\\nchild abuse. Their purview (in this case) is strictly in firearms violations,\\nso this information is irrelevant to the discussion.\\n\\n:FBI agents have to pass rigorous psychological examinations and background \\n:checks. Plus, those in charge will undoubtedly have to explain their \\n:decisions in great detail to congress. Why would the FBI want to fulfill \\n:Koresh\\'s own prophecy?\\n\\nThose in charge will undoubtedly have to explain *something*, but whether\\ntheir answers even remotely resembles the truth we may never know. And who\\nis left alive to care whether the prophecy is fulfilled? It only holds\\nmeaning for the nine who survived.\\n\\n:>Correction: The *FBI* said that two of the cult members said this; so far,\\n:>no one else has been able to talk to them.\\n:\\n:So, when they talk to the news reporters directly, and relate the same \\n:details, will you believe them?\\n\\n*IF* they confirm the story, I probably will. Definitely not until then, \\nhowever.\\n\\n\\nMike Ruff\\n-- \\n- This above all, to thine own S T R I D E R mikey@ccwf.cc.utexas.edu\\n- self be true. --Polonius * * ***** ** * * **** ***** *** * *\\nThose who would sacrifice essential * * * * * * * * * * ** *\\n liberties for a little temporary * * * **** * * **** * * * * *\\n safety deserve neither liberty * * * * * * * * * * * **\\n nor safety. --B. Franklin **** * * * **** **** * *** * *\\n',\n", + " \"From: jschief@finbol.toppoint.de (Joerg Schlaeger)\\nSubject: Re: 16Mb ISA limit\\nDistribution: world\\nOrganization: myself\\nLines: 14\\n\\nrpao@mts.mivj.ca.us writes in article :\\n> \\n> marka@SSD.CSD.HARRIS.COM (Mark Ashley) writes:\\n> \\n> >Then the writer claims that glitches can\\n> >occur in systems with over 16Mb because \\n> >of that limit. That part I don't understand\\n> >because the RAM is right on the motherboard.\\n> >So the cpu should have no problems talking\\n> >with the RAM. Can anybody explain this ?\\nThe floppy is served by DMA on the motherboard,\\nand original DMA-controller can't reach more than the first\\n16MB (The address-space of the ISA-bus)\\njoerg\\n\",\n", + " 'From: schuch@phx.mcd.mot.com (John Schuch)\\nSubject: Re: Radio Electronics Free information card\\nNntp-Posting-Host: bopper2.phx.mcd.mot.com\\nOrganization: Motorola Computer Group, Tempe, Az.\\nLines: 73\\n\\nIn article v064mb9k@ubvmsb.cc.buffalo.edu (NEIL B. GANDLER) writes:\\n>\\n>\\tHow does the radio Electronics free information cards work.\\n>Do they just send you some general information about the companies that\\n>advertise in their magazine or does it also give you sign you up for a\\n>catalog. \\n\\nThat depends entirely upon the advertiser whose number you circled.\\nRadio Electronics compiles all of the cards, then each advertiser\\ngets a computer printout of the names and addresses of all of the readers\\nwho circled their number. Some magazines also provide the data on\\nself-adhesive labels, and the really big magazines provide the\\ndata on computer disk.\\n\\nThe advertiser decides what to do with the data they get. You will\\nnotice that the Radio Electronics information card (commonly called\\na \"bingo card\" in the industry) includes lines for a company name\\nand a business phone number. My guess would be that the big, national\\nadvertisers make a distinction between hobbiests and professionals as\\nbest they can. For example, if you include Motorola as your company\\nand include a business phone (and a mail stop), Tektronics will probably\\nsend you a copy of their hard-bound catalog and have a sales engineer\\ncall you about a week later. If you leave it blank, odds are they\\nwill send you a slick brochure and direct you to a local retail\\noutlet. Medium and small companies are more likely to send you th\\ne whole catalog. And then some companies, like Digikey or Jameco, have\\nnothing to mail out accept the catalog.\\n\\nA couple of other interesting points about bingo cards: Free, industry\\nmagazines like EDN and such also log your card to their computer. They\\nuse the information at least three ways. They note that you really do read\\nthe magazine and are more likely to continue your subscription or push\\nyou, through repeated mailings, to re-subscribe. They also compile\\nhow many people requested which data for their marketing demographics.\\nThis way thay can tell a prospective advertiser that \"23% of readers\\nrequesting data were interested in capacitors.\" And finally, some\\nmagazines rent lists of readers who request certain information. For\\nexample, Tektronics can rent a list of everyone who requested information\\nabout test equipment OTHER THAN TEKTRONIC\\'s, in the past 6 months.\\n\\nThe other point, in the data the advertiser receives, many magazines\\ninclude how many items you circled on the card. If they want, the\\nadvertiser can attempt to cull out the \"literature collectors\" from\\nthe serious potential customers.\\n\\n\"Can you say qualified sales leads? I thought you could.\"\\n\\nWhat\\'s the BEST way for a hobbiest to deal with bingo cards?\\n\\n Never circle more than 8 number on the card. If you want more\\n than 8 items, use the second card and mail it a couple of\\n weeks later.\\n\\n If you are really, really serious and you really, really want\\n the information, CALL THE ADVERTISER AND ASK! This will also\\n cut about 15 days off the the response time. Virtually\\n everyone takes a voice on the phone more seriously than data\\n on a computer printout.\\n\\n To help insure you keep getting a trade magazine that you\\'re\\n not really \"qualified\" for, send in a bingo card at least every\\n other month and circle two or three numbers.\\n\\n Include a business name and phone number, even if it\\'s your house.\\n Advertisers almost never call. \\n\\nJohn Schuch\\n publisher of: The Arizona High-Tech Times\\n The Arizona Electrical Journal\\n The Arizona HVAC News\\n (all of which have bingo cards)\\n\\n\\n',\n", + " 'From: morrow@cns.ucalgary.ca (Bill Morrow)\\nSubject: Need source for old Radio Shack stereo amp chip\\nNntp-Posting-Host: cns9.cns.ucalgary.ca\\nOrganization: University of Calgary\\nLines: 13\\n\\nLast week I asked for help in getting an old homemade amp working with\\nmy Sun CD-ROM drive. It turns out that the channel I was testing with\\nwas burned out in the amp. The other channel works fine.\\n\\nSo now I need a new amplifier chip. My local Radio Shack no longer\\ncarries components! The chip is a 12 pin SIP (?) labelled with BA5406\\nand then \"502 515\" below that.\\n\\nDoes anyone have a source? Thanks,\\n-- \\nBill Morrow Clinical Neurosciences, University of Calgary\\ne-mail: morrow@cns.ucalgary.ca voice: (403) 220-6275 fax: (403) 283-8770 \\n3330 Hospital Drive NW Calgary, Alberta, CANADA T2N 4N1\\n',\n", + " 'Subject: Computer repairs\\nFrom: \\nOrganization: The American University - University Computing Center\\nLines: 9\\n\\nDoes anyone out there know where some one can become educated in the art of\\nrepairing Macintosh computers? Also, how does one gain the prestige of being\\nrefered to as a Authorized Apple Service person? Has anyone out there actually\\ndone any of this or maybe even know someone who did. I would appreciate any\\nand all comments on this subject.\\n\\n-------------------------------------------------------------------------------\\nBen Roy--------internet---------PCS(poor college student)\\n-------------------------------------------------------------------------------\\n',\n", + " 'From: geb@cs.pitt.edu (Gordon Banks)\\nSubject: Re: Great Post! (was Re: Candida (yeast) Bloom...) (VERY LONG)\\nReply-To: geb@cs.pitt.edu (Gordon Banks)\\nOrganization: Univ. of Pittsburgh Computer Science\\nLines: 50\\n\\nIn article noring@netcom.com (Jon Noring) writes:\\n\\nHate to wreck your elaborate theory, but Steve Dyer is not an MD.\\nSo professional jealosy over doctors who help their patients with\\nNystatin, etc., can\\'t very well come into the picture. Steve\\ndoesn\\'t have any patients.\\n\\n\\n\\n>response to specificially Candida albicans, and I showed a strong positive.\\n>Another question, would everybody show the same strong positive so this test\\n>is essentially useless? And, assuming it is true that Candida can grow\\n\\nYes, everyone who is normal does that. We use candida on the other arm\\nwhen we put a tuberculin test on. If people don\\'t react to candida,\\nwe assume the TB test was not conclusive since such people may not\\nreact to anything. All normal people have antibodies to candida.\\nIf not, you would quickly turn into a fungus ball.\\n\\n>This brings up an interesting observation used by those who will deny\\n>and reject any and all aspects of the \\'yeast hypothesis\\' until the\\n>appropriate studies are done. And that is if you can\\'t observe or culture\\n>the yeast \"bloom\" in the gut or sinus, then there\\'s no way to diagnose or\\n>even recognize the disease. And I know they realize that it is virtually\\n>impossible to test for candida overbloom in any part of the body that cannot\\n>be easily observed since candida is everywhere in the body.\\n>\\n>It\\'s a real Catch-22.\\n>\\n\\nYou\\'ve just discovered one of the requirements for a good quack theory.\\nFind something that no one can *disprove* and then write a book saying\\nit is the cause of whatever. Since no one can disprove it, you can\\nrake in the bucks for quite some time. \\n\\n>>...I have often wondered what an M.D. with chronic \\n>>GI distress or sinus problems would do about the problem that he tells his \\n>>patients is a non-existent syndrome.\\n>\\n\\nThat is odd, isn\\'t it? Why do you suppose it is that MDs with these\\ncommon problems don\\'t go for these crazy ideas? Does the \"professional\\njealosy\" extend to suffering in silence, even though they know they\\ncould be cured if they just followed this quack book?\\n\\n-- \\n----------------------------------------------------------------------------\\nGordon Banks N3JXP | \"Skepticism is the chastity of the intellect, and\\ngeb@cadre.dsl.pitt.edu | it is shameful to surrender it too soon.\" \\n----------------------------------------------------------------------------\\n',\n", + " 'From: baalke@kelvin.jpl.nasa.gov (Ron Baalke)\\nSubject: Magellan Update - 04/16/93\\nOrganization: Jet Propulsion Laboratory\\nLines: 25\\nDistribution: world\\nNNTP-Posting-Host: kelvin.jpl.nasa.gov\\nKeywords: Magellan, JPL\\nNews-Software: VAX/VMS VNEWS 1.41 \\n\\nForwarded from Doug Griffith, Magellan Project Manager\\n\\n MAGELLAN STATUS REPORT\\n April 16, 1993\\n\\n1. The Magellan mission at Venus continues normally, gathering gravity\\ndata which provides measurement of density variations in the upper\\nmantle which can be correlated to surface topography. Spacecraft\\nperformance is nominal.\\n\\n2. Magellan has completed 7225 orbits of Venus and is now 39 days from\\nthe end of Cycle-4 and the start of the Transition Experiment.\\n\\n3. No significant activities are expected next week, as preparations\\nfor aerobraking continue on schedule.\\n\\n4. On Monday morning, April 19, the moon will occult Venus and\\ninterrupt the tracking of Magellan for about 68 minutes.\\n ___ _____ ___\\n /_ /| /____/ \\\\ /_ /| Ron Baalke | baalke@kelvin.jpl.nasa.gov\\n | | | | __ \\\\ /| | | | Jet Propulsion Lab |\\n ___| | | | |__) |/ | | |__ M/S 525-3684 Telos | The aweto from New Zealand\\n/___| | | | ___/ | |/__ /| Pasadena, CA 91109 | is part caterpillar and\\n|_____|/ |_|/ |_____|/ | part vegetable.\\n\\n',\n", + " 'From: adam@endor.uucp (Adam Shostack)\\nSubject: Sea? What sea? We said rivers!\\nOrganization: Aiken Computation Lab, Harvard University\\nLines: 27\\n\\nIn article <1993Apr25.171003.10694@thunder.mcrcim.mcgill.edu> ahmeda@McRCIM.McGill.EDU (Ahmed Abu-Abed) writes:\\n\\n>I am sick and tired of this \\'DRIVING THE JEWS INTO THE SEA\\' sentance\\n>attributed to Islamic movements and the PLO; it simply can\\'t be proven\\n>as part of their plan!\\n\\n\\tOk, I\\'ll admit it. I can\\'t find a quote with my meager online\\nresources. but i did find this little gem:\\n\\n\\t``When the Arabs set off their volcano, there will only be Arabs in\\n\\tthis part of the world. Our people will continue to fuel the torch\\n\\tof the revolution with rivers of blood until the whole of the\\n\\toccupied homeland is liberated...\\'\\'\\n\\t--- Yasser Arafat, AP, 3/12/79\\n\\n\\tSo, Ahmed is right. There was nothing about driving Jews into\\nthe sea, just a bit of \"ethnic cleansing,\" and a river of blood.\\n\\n\\tIs this an improvement?\\n\\nAdam\\n\\n\\nAdam Shostack \\t\\t\\t\\t adam@das.harvard.edu\\n\\n\"If we had a budget big enough for drugs and sexual favors, we sure\\nwouldn\\'t waste them on members of Congress...\" -John Perry Barlow\\n',\n", + " 'From: robink@hparc0.aus.hp.com (Robin Kenny)\\nSubject: Re: Boom! Whoosh......\\nOrganization: HP Australasian Response Centre (Melbourne)\\nX-Newsreader: TIN [version 1.1 PL8.5]\\nLines: 26\\n\\nDavid Fuzzy Wells (wdwells@nyx.cs.du.edu) wrote:\\n\\n: I love the idea of an inflatable 1-mile long sign.... It will be a\\n: really neat thing to see it explode when a bolt (or even better, a\\n: Westford Needle!) comes crashing into it at 10 clicks a sec. \\n\\n: Whooooooooshhhhhh...... \\n\\n: \\n ^^^^^^^^^^^^^^^^^^^^^\\n\\nJust a thought... (let\\'s pretend it IS INFLATED and PRESSURIZED) wouldn\\'t\\nthere be a large static electricity build up around the puncture?\\nIf the metalization is behind a clear sandwich (ie. insulated) then the \\ndeflating balloon would generate electrical interference - \"noise\"\\n\\nBy the way, any serious high velocity impact would simply cut a \"Bugs\\nBunny\" hole through the wall, highly unlikely to \"BOOM\", and the fabric\\nwould almost certainly be ripstop.\\n\\n\\nRegards, Robin Kenny - a private and personal opinion, not in any way\\n endorsed, authorised or known by my employers.\\n ______________________________________________________________________\\n What the heck would I know about Space? I\\'m stuck at the \\n bottom of this huge gravity well!\\n',\n", + " 'From: edb@dmssyd.syd.dms.CSIRO.AU (Ed Breen)\\nSubject: DICTA-93\\nOriginator: edb@friend.syd.dms.CSIRO.AU\\nKeywords: Conference\\nReply-To: edb@dmssyd.syd.dms.CSIRO.AU (Ed Breen)\\nOrganization: CSIRO Division of Mathematics and Statistics, Australia\\nLines: 163\\n\\n\\n Australian Pattern Recognition Society\\n\\n 2nd CALL FOR PAPERS\\n\\n DICTA-93\\n\\n 2nd Conference on -\\n\\n DIGITAL IMAGING COMPUTING: TECHNIQUES AND APPLICATIONS\\n\\n\\nLocation: Macquarie Theatre\\n Macquarie University\\n Sydney\\n\\nDate: 8-10 December 1993.\\n\\n\\n DICTA-93 is the second biennial national conference of the\\nAustralian Pattern Recognition Society.\\n\\n This event will provide an opportunity for any persons with an\\ninterest in computer vision, digital image processing/analysis and other\\naspects of pattern recognition to become informed about contemporary\\ndevelopments in the area, to exchange ideas, to establish contacts and\\nto share details of their own work with others.\\n\\n The Following invited speakers will provide specialised\\npresentations:\\n\\nProf Gabor T. Herman, University of Pennsylvania on Medical Imaging.\\n\\nProf. R.M. Hodgson, Massey University New Zealand on Computer Vision.\\n\\nProf. Dominique Juelin, Centre de Morphologie Mathematique, Paris on\\nMathematical Morphology.\\n\\nProf. John Richards, Aust. Defence Force Academy, Canberra on Remote\\nSensing.\\n\\nDr. Phillip K. Robertson, CSIRO Division of Information Technology,\\nCanberra on Interactive Visualisation.\\n\\n\\n The conference will concentrate on (but is not limited to) the\\nfollowing areas of image processing:-\\n\\n * Computer Vision and Object Recognition\\n * Motion Analysis\\n * Morphology\\n * Medical Imaging\\n * Fuzzy logic and Neural Networks\\n * Image Coding\\n * Machine Vision and Robotics\\n * Enhancement and Restoration\\n * Enhancement and Restoration\\n * Visualisation\\n * Industrial Applications\\n * Software and Hardware Tools\\n\\n Papers are sought for presentation at the conference and publication\\nin the conference proceedings. Submission for peer review should consist\\nof an extended abstract of 750-1000 words of doubled spaced text, summarizing the\\ntechnical aspects of the paper and any results that will be quoted.\\nFinal papers should be limited to no more than 8 pages of text and\\nillustrations in camera-ready form.\\n\\n\\n Four (4) copies of the abstract should be sent to:\\n\\n\\n DICTA-93\\n C/- Tony Adriaansen\\n CSIRO - Division of Wool Technology\\n PO Box 7\\n Ryde NSW 2112\\n Australia\\n\\n\\n\\n IMPORTANT DATES\\n\\n Abstract due - 25th June 1993\\n Acceptance notified - 27th August 1993\\n Final paper due - 15th October 1993\\n\\n\\n\\nSOCIAL PROGRAM:\\n\\nThe conference dinner will be held on the Thursday 9th of December 1993.\\nOther social activities are being arranged.\\n\\nSituated on a beautiful harbour, Sydney has many and varied places of\\ninterest. The Opera House and Harbour Bridge are just two of the well\\nknown landmarks. Harbour cruises, city tours to the Blue Mountains run\\ndaily. We can provide further information on request.\\n\\n\\nACCOMMODATION:\\n\\nAccommodation within 15 min walking distance is available, ranging from\\ncollege style to 5 star Hotel facilities. Information will be supplied\\nupon request.\\n\\n\\nCONFERENCE FEES:\\n\\n before 30th Sep. After 30th Sep.\\nAPRS Members A$220 A$250\\nAPRS Student Members A$120 A$150\\nOthers A$250 A$280\\n\\nConference Dinner A$35\\non Dec 9th 1993\\n\\n\\n-------------------------------------------------------------\\n ADVANCED REGISTRATION\\n\\nName:\\nOrganisation:\\nAddress\\n\\nPhone:\\nFax:\\nemail:\\n\\n - I am a current Member of APRS.\\n\\n - I am not a current member of APRS.\\n\\n - Please send me information on accommodation.\\n\\n\\nI enclose a cheque for\\n\\n-------------------------------------------------------------\\n\\nPlease send the above form to\\n\\nDICTA-93\\nC/- Tony Adriaansen\\nCSIRO - Division of Wool Technology\\nPO Box 7\\nRyde NSW 2112\\nAustralia\\n\\nThe cheques should be made payable to DICTA-93.\\n\\nFor further information contact:\\n* Tony Adriaansen (02) 809 9495\\n* Athula Ginigie (02) 330 2393\\n* email: dicta93@ee.uts.edu.au\\n\\nAPRS is a member of IAPP the International Association for Pattern\\nRecognition, Inc. An affiliated member of the International Federation\\nfor Information Processing.\\n\\n\\n\\n\\n',\n", + " 'From: ramirez@IASTATE.EDU (Richard G Ramirez)\\nSubject: Re: SUMMARY: Borland/Microsoft Database C Libraries\\nReply-To: ramirez@IASTATE.EDU (Richard G Ramirez)\\nOrganization: Iowa State University\\nLines: 4\\n\\nCould you post a description of ObjectBase, your chosen\\nproduct.\\n\\nThanks\\n',\n", + " 'From: PA146008@UTKVM1.UTK.EDU (David Veal)\\nSubject: Re: BATF & FBI Do Right Thing in Waco\\nOrganization: The University of Tennessee, Knoxville\\nX-Newsreader: NNR/VM S_1.3.2\\nLines: 78\\n\\nIn article <1993Apr21.223541.2353@gnv.ifas.ufl.edu>\\njrm@gnv.ifas.ufl.edu writes:\\n \\n>Everyone is complaining about the debacle in Waco. It is hard to\\n>understand all this angst. What happend there is nothing less than\\n>what we wanted to happen. Why all the sour grapes ?\\n \\n Cute word angst. Conveys volumes.\\n \\n I\\'d be interested in this particular definition of \"we.\" It\\'s\\nsuch a fluid pronoun.\\n \\n>BATF was looking for a propaganda event to counteract their impending\\n>budget cuts ... the attendance of the press at the initial big\\n>commando raid is proof. It would have been ever so easier to grab\\n>Koresh and his central followers as they shopped in Waco. Alas, no\\n>propaganda value there.\\n>\\n>The FBI screwed-up big time, all the time. They should have never allowed\\n>the situation to drag out like that. A quick second assault, before the\\n>BDs could decide on a strategy, would have been the better plan.\\n>\\n>The BDs themselves were the biggest screw-ups though. They imagined\\n>that US law and US law-enforcement had no jurisdiction within their\\n>little \\'country\\'. WRONG !\\n \\n The BD were a paranoid little cult out in the middle of nowhere,\\nwhich all of a sudden had their worst paranoid fears reinforced.\\n \\n Joy.\\n \\n>They had no right whatsoever to fire on\\n>the BATF, and if they mistook their identity initially, they should\\n>have surrendered at once when they did realize who they were.\\n \\n Yes, they probably should have, although how many paranoid\\nnuts can say they held off the feds for 51 days?\\n \\n>If the\\n>BDs had a problem with the warrants, they take it to court, just like\\n>the rest of us. If they wanted full-auto weapons, they could have\\n>obtained the proper permits, just like the rest of us would need to\\n>do. What they may NOT do is decide for themselves what US law applies\\n>to themselves and which does not. They get their chance like the rest\\n>of us - at the voting booth.\\n \\n The voting booth is highly over-rated. People need to get up\\noff their lazy butts more than every year or every two years. Hell,\\nmost don\\'t even do that.\\n \\n>If the BATF and FBI have become latter-day Gestapo, then they have\\n>become that way because WE have desired them to be so.\\n \\n No, because \"we\" have decided that it doesn\\'t make enough\\ndifference to \"us\" to get up and do something. That\\'s something,\\nfor instance, a lot of people who go speak against gun control\\nbills at their local government. Dozens of \"pro-gun\" speakers\\nshow up and few if any antis do, but they often win anyway.\\n \\n Why? Because it doesn\\'t matter who shows up, it matters\\nwho\\'s willing to scream afterwards. And it isn\\'t that most people\\ngive a damn one way of the other, but that they don\\'t. Nobody\\ngives a damn about anybody beyond their own little worlds.\\n \\n>We get to\\n>vote on laws, and on the lawmakers. By our choices over the years,\\n>we have approved the creation and form of the BATF and FBI. When\\n>the FBI was out chasing \\'pinkos\\', the general public didn\\'t seem\\n>to mind a bit of extra-constitutional activity.\\n \\n The general public\\'s usually not even read the constitution.\\nAnd what they have learned is a distorted picture of the whole thing.\\n \\n---------------------------------------------------------------------\\nDavid Veal University of Tennessee Division of Continuing Education\\nPA146008@utkvm1.utk.edu - \"I still remember the way you laughed\\\\\\nWhen you pushed me down the elevator shaft\\\\ ... Sometimes I get to\\nthinking you don\\'t love me anymore.\" - \"Weird Al\" Yankovic.\\n',\n", + " \"From: wtm@uhura.neoucom.edu (Bill Mayhew)\\nSubject: Re: Dayton Hamfest\\nOrganization: Northeastern Ohio Universities College of Medicine\\nDistribution: usa\\nLines: 33\\n\\nYes,\\n\\nTake Interstate I-70 to the route 48 exit. Go south on 48 about\\n2-1/2 miles. Trun right on Shiloh Springs Road. The hamvention is\\nat the Harrah arena, which is about 1 mile west and on the north\\nside of the Road. Parking at the arena is limited. Lodging is\\nprobably entirely booked-up within a 40 mile radius. Good luck.\\n\\n | |\\n 48 I75\\n | |\\n----------I70----------....---------\\n | |\\n | |\\n X | |\\n(mall) --------| |\\n S. Springs |\\n\\nIt is possible to park at the mall to the west. There are shuttle\\nbusses running between the arena and the mall.\\n\\nIf possible, get a Montgomery County, OH map from your local AAA\\noffice. It should be free if you are an AAA member.\\n\\nIf you don't already have definite plans, now is not a particularly\\ngood time to start to think about going to the hamvention.\\n\\n\\n\\n-- \\nBill Mayhew NEOUCOM Computer Services Department\\nRootstown, OH 44272-9995 USA phone: 216-325-2511\\nwtm@uhura.neoucom.edu (140.220.1.1) 146.580: N8WED\\n\",\n", + " 'From: froument@lifl.lifl.fr (Froumentin Max)\\nSubject: WANTED: Atomic Energy Res. Establishment (UK) techreport\\nOrganization: Laboratoire d\\'Informatique Fondamentale de Lille\\nLines: 16\\nDistribution: comp\\nNNTP-Posting-Host: lifl.lifl.fr\\n\\nI\\'m looking for the following paper:\\n\\nMarlow, S. and Powell, M.J.D.\\nA FORTRAN subroutine for plotting the part of a conic that is inside a given\\ntriangle. Rep. R-8336, Atomic Energy Res. Establishment, Harwell, England\\n1976\\n\\nOr anything related (including 3D cases)\\n Max\\n--\\n-----------------------------------------------------------------------------\\nMax Froumentin |\\nLaboratoire d\\'Informatique | \"Always better, never first.\" \\nFondamentale de Lille | - Tigran Petrossian\\nFrance |\\n-----------------------------------------------------------------------------\\n',\n", + " 'From: bergen@vaxb.acs.unt.edu\\nSubject: Re: Need help with WP for Windows\\nLines: 26\\nOrganization: University of North Texas\\nDistribution: usa\\n\\nIn article <1993Apr17.224402.92@kirk.msoe.edu>, narlochn@kirk.msoe.edu writes:\\n> I have two questions:\\n> \\n> 1) I have been having troubles with my Wordperfect for Windows.\\n> When I try to select and change fonts, etc. some of the text\\n> disappears. I tried to center two lines once, and the second\\n> line disappeared. I can not find the error, and I do not\\n> know how to correct it.\\n> \\n> 2) Is this the right newsgroup? Where should I go?\\n> \\n> E-mail prefered...\\n> \\n> \\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\'/\\'\\n\\nI know you said E-mail preferred but because this is a common problem\\nwith WPWin I\\'ll post it here.\\n\\nThe screen only LOOKS like the text is gone. Usually you can just\\npage-up then page-down and when it does a complete refresh the\\ntext reappears. I have had--on \"rare\" occasions--to completely \\nexit (save first) the program. When I reopened the file, all chaos\\nhad been resolved. I don\\'t know WHY it does this, but it is annoying.\\nThe graphics problems have now made me a Word for Windows user!!\\n\\n\\n',\n", + " 'From: turpin@cs.utexas.edu (Russell Turpin)\\nSubject: History & texts (was: Ancient references to Christianity)\\nOrganization: CS Dept, University of Texas at Austin\\nLines: 78\\nNNTP-Posting-Host: saltillo.cs.utexas.edu\\nSummary: In response to Mike Cobb.\\n\\n-*----\\nIn article cobb@alexia.lis.uiuc.edu (Mike Cobb) writes:\\n> Why is the NT tossed out as info on Jesus. I realize it is \\n> normally tossed out because it contains miracles, but what\\n> are the other reasons?\\n\\nFar from being \"tossed out,\" the gospels are taken, almost\\nuniversally, as the primary source of information about Jesus.\\nI am curious as to whom Mike Cobb is referring. Who \"tosses out\"\\nthe New Testament? Undoubtedly a few *naive* atheists do this,\\nbut the phrasing of the question above seems to suggest that Cobb\\nascribes this more broadly.\\n\\nPerhaps the question that gets more to the heart of the matter is\\nwhy, except for some *naive* believers (who, unfortunately, far\\noutnumber nonbelievers, both naive and critical), are the gospels\\n*not* taken as \"gospel truth\" that faithfully records just what\\nhappened two thousand years ago? This has an easy answer, and\\nthe answer has *nothing* to do with miracles: no text is taken\\nthis way by a critical reader.\\n\\nThere is a myth among some naive believers that one takes a text,\\nmeasures it by some set of criteria, and then either confirms the\\ntext as \"historically valid\" or \"tosses out\" the text. I suspect\\nthis myth comes from the way history is presented in primary and\\nsecondary school, where certain texts are vested with authority,\\nand from writers such as Josh McDowell who pretend to present\\nhistorical arguments along these lines for their religious\\nprogram. In fact, most texts used in primary and secondary\\nschool history classes ought to be tossed out, even the better\\nsuch texts should not be treated as authoritatively as descibed\\nabove, and Josh McDowell would not know a historical argument if\\nit bit him on the keister twice.\\n\\nLet me present the barest outlines of a different view of texts\\nand their use in studying history. First, all texts are\\nhistorically valid. ALL texts. Or to put this another way, I\\nhave never seen a notion of \"historical validity\" that makes any\\nsense when applied to a text. Second, no text should be read as\\ntelling the \"gospel truth\" about historical events, in the way\\nthat many students are wont to read history texts in primary and\\nsecondary school. NO text. (This includes your favorite\\nauthor\\'s history of whatever.)\\n\\nEvery text is a historical fact. Every text was written by some\\nperson (or some group of people) for some purpose. Hence, every\\ntext can serve as historical evidence. The question is: what can\\nwe learn from a text? Of what interesting things (if any) does\\nthe text provide evidence?\\n\\nThe diaries of the followers of the Maharishi, formerly of\\nOregon, are historical evidence. The gospels are historical\\nevidence. The letters of the officers who participated in the \\nvampire inquests in Eastern Europe are historical evidence. The\\nmodern American history textbooks that whitewash \"great American\\nfigures\" are historical evidence. These are all historical\\nevidence of various things. They are *not* much evidence at all\\nthat the Maharishi, formerly of Oregon, could levitate; that\\nJesus was resurrected; that vampires exist; or that \"great\\nAmerican figures\" are as squeaky clean as we learned in school.\\nThey are better evidence that some people \"saw\" the Maharishi,\\nlate of Oregon, levitate; that some of the early Christians\\nthought Jesus was resurrected; that many people in Eastern Europe\\n\"saw\" vampires return from the grave; and that we still have an\\neducational system that largely prefers to spread myth rather\\nthan teach history.\\n\\nHow does one draw causal connections and infer what a piece of\\nhistorical evidence -- text or otherwise -- evinces? This is a\\nvery complex question that has no easily summarized answer.\\nThere are many books on the subject or various parts of the\\nsubject. I enjoy David Hackett Fischer\\'s \"Historian\\'s Fallacies\"\\nas a good antidote to the uncritical way in which it is so easy\\nto read texts present history. It\\'s relatively cheap. It\\'s easy\\nto read. Give it a try.\\n\\nRussell\\n\\n',\n", + " 'From: sera@zuma.UUCP (Serdar Argic)\\nSubject: Re: Arab leaders and Bosnia\\nReply-To: sera@zuma.UUCP (Serdar Argic)\\nDistribution: world\\nLines: 79\\n\\nIn article <1sn5f5INNkh6@MINERVA.CIS.YALE.EDU> pavlovic-milan@yale.edu (Milan Pavlovic) writes:\\n\\n>>I really disagree with you. That beacon of genocide apology is a \\n>>self-admitted/exposed compulsive liar and a mouthpiece for the\\n>>criminal/Nazi Armenians of the ASALA/SDPA/ARF Terrorism and Revisionism \\n>>Triangle. \\n\\n> I just love these \"eloquent\" one liners. \\n\\nYou are not sticking to the original question. Imagine what it\\nwould be like if you were human...impossible you say?\\n\\n>>It could be your head wasn\\'t screwed on just right, \\'Clock\\'. During \\n\\n> This is an old one. You said that to me once. :-)\\n\\nIs that not the crux of my argument? Why is this so difficult\\nfor you to understand? Lack of intelligence?\\n\\n>>Need I go on?\\n\\n> Actually, I would like to get a compilation of these one liners, \\n>so that I could print them out and show them to my friends over the \\n>summer, and they can see what kind of clowns exist out there in Chicago.\\n\\nWell, does it change the fact that during the period of 1914 to 1920, \\nthe Armenian Government ordered, incited, assisted and participated \\nin the genocide of 2.5 million Muslim people because of race, religion\\nand national origin?\\n\\n1) Armenians did slaughter the entire Muslim population of Van.[1,2,3,4,5]\\n2) Armenians did slaughter 42% of Muslim population of Bitlis.[1,2,3,4]\\n3) Armenians did slaughter 31% of Muslim population of Erzurum.[1,2,3,4]\\n4) Armenians did slaughter 26% of Muslim population of Diyarbakir.[1,2,3,4]\\n5) Armenians did slaughter 16% of Muslim population of Mamuretulaziz.[1,2,3,4]\\n6) Armenians did slaughter 15% of Muslim population of Sivas.[1,2,3,4]\\n7) Armenians did slaughter the entire Muslim population of the x-Soviet\\n Armenia.[1,2,3,4]\\n8)....\\n\\n[1] McCarthy, J., \"Muslims and Minorities, The Population of Ottoman \\n Anatolia and the End of the Empire,\" New York \\n University Press, New York, 1983, pp. 133-144.\\n\\n[2] Karpat, K., \"Ottoman Population,\" The University of Wisconsin Press,\\n 1985.\\n\\n[3] Hovannisian, R. G., \"Armenia on the Road to Independence, 1918. \\n University of California Press (Berkeley and \\n Los Angeles), 1967, pp. 13, 37.\\n\\n[4] Shaw, S. J., \\'On Armenian collaboration with invading Russian armies \\n in 1914, \"History of the Ottoman Empire and Modern Turkey \\n (Volume II: Reform, Revolution & Republic: The Rise of \\n Modern Turkey, 1808-1975).\" (London, Cambridge University \\n Press 1977). pp. 315-316.\\n\\n[5] \"Gochnak\" (Armenian newspaper published in the United States), May 24, \\n 1915.\\n\\n\\nSource: Jorge Blanco Villalta, \\'Ataturk,\\' TKK, 1979, pg. 234.\\n \\n\"They [Armenians] did not refrain from giving in to their racial \\n hatred and committing acts of cruelty and massacres against the\\n Moslem population, which were encouraged by the \\'Tashnak\\' party,\\n mortal enemies of Turkey.\"\\n\\n\\nSerdar Argic\\n\\n \\'We closed the roads and mountain passes that \\n might serve as ways of escape for the Turks \\n and then proceeded in the work of extermination.\\'\\n (Ohanus Appressian - 1919)\\n \\'In Soviet Armenia today there no longer exists \\n a single Turkish soul.\\' (Sahak Melkonian - 1920)\\n\\n\\n',\n", + " \"From: markbr%radian@natinst.com (mark)\\nSubject: Re: RFD: misc.taoism\\nNntp-Posting-Host: zippy.radian.com\\nOrganization: n.o.y.b\\nLines: 16\\n\\nIn article <1993Apr22.004331.22548@coe.montana.edu> uphrrmk@gemini.oscs.montana.edu (Jack Coyote) writes:\\n>Sunlight shining off of the ocean.\\n>\\nThe universe, mirrored in a puddle.\\n>\\n>Aleph null bottles of beer on the wall, Aleph null bottles of beer!\\n>Take one down, pass it around ... Aleph null bottles of beer on the wall!\\n>\\nIsn't it amazing how there *always* seems to be *another* bottle of bheer there?\\n\\nAleph *one* bottles of beer on the wall, Aleph *one* null bottles of beer!\\n\\n\\tyou, too, are a puddle.\\n\\tAs above, so below.\\n\\n\\tmark\\n\",\n", + " 'From: davallen@vms.macc.wisc.edu\\nSubject: Re: Barbecued foods and health risk\\nOrganization: University of Wisconsin Academic Computing Center\\nDistribution: world\\nLines: 88\\n\\nIn article <79738@cup.portal.com>, mmm@cup.portal.com (Mark Robert Thorson) writes...\\n\\n>This reminds me of the last Graham Kerr cooking show I saw. Today he\\n>smoked meat on the stovetop in a big pot! He used a strange technique\\n>I\\'d never seen before.\\n> \\n>He took a big pot with lid, and placed a tray in it made from aluminum foil.\\n>The tray was about the size and shape of a typical coffee-table ash tray,\\n>made by crumpling a sheet of foil around the edges.\\n> \\n>In the tray, he placed a couple spoonfuls of brown sugar, a similar\\n>quantity of brown rice (he said any rice will do), the contents of two\\n>teabags of Earl Grey tea, and a few cloves.\\n> \\n>On top of this was placed an ordinary aluminum basket-type steamer, with\\n>two chicken breasts in it. The lid was put on, and the whole assembly\\n>went on the stovetop at high heat for 10 or 12 minutes.\\n> \\n>Later, he removed what looked like smoked chicken breasts. What surprises\\n>and concerns me are:\\n> \\n>1) No wood chips. Where does the smoke flavor come from?\\n> \\n>2) About 5 or 10 years ago, I remember hearing that carmel color\\n> (obtained by caramelizing sugar -- a common coloring and flavoring\\n> agent) had been found to be carcinogenic. I believe they injected\\n> it under the skin of rats, or something. If the results were conclusive,\\n> caramel color would not be legal in the U.S., yet it is still being\\n> used. Was the initial research result found to be incorrect, or what?\\n> \\n>3) About 5 or 10 years ago, I remember Earl Grey tea being implicated\\n> as carcinogenic, because it contains oil of bergamot (an extract\\n> from the skin of a type of citrus fruit). Does anyone know whatever\\n> happened with that story? If it were carcinogenic, Earl Grey tea\\n> could not have it as an additive, yet it apparently continues to do\\n> so.\\n> \\n>WRT natural wood smoke (I\\'ve smoking a duck right now, as it happens),\\n>I\\'ve noticed that a heavily-smoked food item will have an unpleasant tangy\\n>taste when eaten directly out of the smoker if the smoke has only recently\\n>stopped flowing. I find the best taste to be had by using dry wood chips,\\n>getting lots of smoke right up at the beginning of the cooking process,\\n>then slowly barbequing for hours and hours without adding additional wood chips.\\n> \\n>My theory is that the unpleasant tangy molecules are low-molecular weight\\n>stuff, like terpenes, and that the smoky flavor molecules are some sort\\n>of larger molecule more similar to tar. The long barbeque time after\\n>the initial intensive smoke drives off the low-molecular weight stuff,\\n>just leaving the flavor behind. Does anyone know if my theory is correct?\\n> \\n>I also remember hearing that the combustion products of fat dripping\\n>on the charcoal and burning are carcinogenic. For that reason, and because\\n>it covers the product with soot and some unpleasant tanginess, I only grill\\n>non-drippy meats like prawns directly over hot coals. I do stuff like this\\n>duck by indirect heat. I have a long rectangular Weber, and I put the coals\\n>at one end and the meat at the other end. The fat drops directly on the\\n>floor below the meat, and next time I use the barbeque I make the fire\\n>in that end to burn off the fat and help ignite the coals.\\n> \\n>And yet another reason I\\'ve heard not to smoke or barbeque meat is that\\n>smoked cured meat, like pork sausage and bacon, contains\\n>nitrosamines, which are carcinogenic. I\\'m pretty sure this claim actually\\n>has some standing, don\\'t know about the others.\\n> \\n>An amusing incident I recall was the Duncan Hines scandal, when it was\\n>discovered that the people who make Duncan Hines cake mix were putting\\n>a lot of ethylene dibromide (EDB) into the cake mix to suppress weevils.\\n>This is a fumigant which is known to be carcinogenic.\\n>The guy who represented the company in the press conference defended\\n>himself by saying that the risk from eating Duncan Hines products every day\\n>for a year would be equal to the cancer risk from eating two charcoal-\\n>broiled steaks. What a great analogy! When I first heard that, my\\n>immediate reaction was we should make that a standard unit! One charcoal\\n>broiled steak would be equivalent to 0.5 Duncans!\\n\\nI don\\'t understand the assumption that because something is found to\\nbe carcinogenic that \"it would not be legal in the U.S.\". I think that\\nnaturally occuring substances (excluding \"controlled\" substances) are\\npretty much unregulated in terms of their use as food, food additives\\nor other \"consumption\". It\\'s only when the chemists concoct (sp?) an\\ningredient that it falls under FDA regulations. Otherwise, if they \\nreally looked closely they would find a reason to ban almost everything.\\nHow in the world do you suppose it\\'s legal to \"consume\" tobacco products\\n(which probably SHOULD be banned)?\\n\\n\\tDave Allen\\n\\tSpace Science & Engr. Ctr.\\n\\tUW-Madison\\n',\n", + " 'From: jdw@unislc.slc.unisys.com (James Warren)\\nSubject: Re: Reasonable (for criminals?) Civie Arms Limits\\nOrganization: Unisys Corporation SLC\\nLines: 27\\n\\n> In article <1993Apr19.223925.2342@gnv.ifas.ufl.edu> jrm@gnv.ifas.ufl.edu writes:\\n>A poster claims he \\'always asks [anti-gunners] what they think would\\n>be reasonable personal firepower restrictions\\'. OK then ...\\n>\\n>Caliber : Not greater than 32\\n>Muzzle : Not greater than 300 ft/lbs with any combo of bullet wt/vel\\n>Action : Single shot rifles and single action revolvers \\n> Revolvers bearing no more than six rounds and incorporating\\n> an \\'anti-fanning\\' mechanism to discourage Roy Rogers wannabes.\\n>Bullets : Any non-explosive variety, HPs just fine.\\n>\\n>Now - these specs leave the 32 H&R magnum as about the most powerful\\n>allowable civie cartridge for handgun or rifle use. It would be\\n>reasonably effective against home intruders, muggers, rabid wolves\\n>and other such nasties, even with the firearm-type limitations. At the\\n>same time, this caliber/power limit would reduce the ultimate lethality\\n>of hits.\\n\\nI suspect that you think that this is less lethal than the typical\\n\"assault weapon\". You are wrong. Compared to what most criminals use, a\\n9mm with military ammo (FMJs), or a military rifle (use is extremely\\nrare), .223 or 7.62mm with military ammo (FMJs), the .32 H&R magnum with\\n\"civie\" bullets is more lethal. Most of the arms which criminals (and\\nthe military) use are among the least lethal arms in existance.\\n\\nWhat if we just punish the criminal and leave the law abiding citizen\\nalone? It hasn\\'t been tried in recient times, but it might work.\\n',\n", + " 'From: \"Robert Knowles\" \\nSubject: Re: The nonexistance of Atheists?!\\nIn-Reply-To: <1993Apr15.192037.1@eagle.wesleyan.edu>\\nNntp-Posting-Host: 127.0.0.1\\nOrganization: Kupajava, East of Krakatoa\\nX-Mailer: PSILink-DOS (3.3)\\nLines: 26\\n\\n>DATE: 15 Apr 93 19:20:37 EDT\\n>FROM: kmagnacca@eagle.wesleyan.edu\\n>\\n>In article , bskendig@netcom.com (Brian Kendig) writes:\\n>>\\n>> [s.c.a quotes deleted]\\n>> \\n>> It really looks like these people have no idea at all of what it means\\n>> to be atheist. There are more Bobby Mozumder clones in the world than\\n>> I thought...\\n>\\n>Well, that explains some things; I posted on soc.religion.islam\\n>with an attached quote by Bobby to the effect that all atheists\\n>are lying evil scum, and asked if it was a commonly-held idea\\n>among muslims. I got no response. Asking about the unknown,\\n>I guess...\\n\\nYou should have tried one of the soc.culture groups in the Middle East\\nor South Asia area (they are a little more open than the Islam channel). \\nI think someone defined atheists as polytheists cuz they say we think the \\nworld created itself (or something like that) so each particle is a God \\nwhich created the other Gods. The soc.culture.african is also nice for \\nsome contrasting viewpoints on the benevolence of religion. Especially \\nwhen Sudan is mentioned.\\n\\n\\n',\n", + " 'From: terziogl@ee.rochester.edu (Esin Terzioglu)\\nSubject: Re: Public Service Translation No.2\\nKeywords: effective Greek & Armenian postings\\nOrganization: Univ of Rochester, College of Engineering and Applied Science\\n\\nIn article <1993Apr16.225409.22697@urartu.sdpa.org> dbd@urartu.sdpa.org (David Davidian) writes:\\n>In article <93332@hydra.gatech.EDU> gt1091a@prism.gatech.EDU (gt1091a gt1091a\\n>KAAN,TIMUCIN) wrote:\\n>\\n>[KAAN] Who the hell is this guy David Davidian. I think he talks too much..\\n>\\n>I am your alter-ego!\\n>\\n>[KAAN] Yo , DAVID you would better shut the f... up.. O.K ??\\n>\\n>No, its\\' not OK! What are you going to do? Come and get me? \\n\\nMaybe he will. Maybe he is working for the secret Turkish service. You never \\nknow. \\n\\n>[KAAN] I don\\'t like your attitute. You are full of lies and shit. \\n>\\n>In the United States we refer to it as Freedom of Speech. If you don\\'t like \\n\\nNo it is still called \"you are full of shit\"; even in the US.:)\\n\\n>[KAAN] Didn\\'t you hear the saying \"DON\\'T MESS WITH A TURC!!\"...\\n>\\n>No. Why do you ask? What are you going to do? Are you going to submit me to\\n>bodily harm? Are you going to kill me? Are you going to torture me?\\n\\nWell, now you have. Don\\'t worry Turks do not turn to terrorist actions like\\nArmenians have so you can be sure that you will not be killed. However, I \\ndo not know about the torture part... Timucin sounds like a tough guy so \\nwatch out. \\n\\n>[KAAN] See ya in hell..\\n>\\n>Wrong again!\\n>\\n>[KAAN] Timucin.\\n>\\n>All I did was to translate a few lines from Turkish into English. If it was\\n>so embarrassing in Turkish, it shouldn\\'t have been written in the first place!\\n>Don\\'t kill the messenger!\\n \\nIf you are going to translate, you have to do it consistently. If you \\nselectively translate things to serve your ugly purpose, people get \\npisssssssssed offfffff. \\n\\nIn Ottoman times messengers were usually killed by cutting their heads off and\\nsending it back to their country. But Ottoman empire no longer exists :(. \\n(darn!) \\n\\nEsin.\\n>-- \\n>David Davidian dbd@urartu.sdpa.org | \"How do we explain Turkish troops on\\n>S.D.P.A. Center for Regional Studies | the Armenian border, when we can\\'t \\n>P.O. Box 382761 | even explain 1915?\" \\n>Cambridge, MA 02238 | Turkish MP, March 1992 \\n\\n\\n',\n", + " 'From: rscharfy@magnus.acs.ohio-state.edu (Ryan C Scharfy)\\nSubject: Re: New Study Out On Gay Percentage\\nNntp-Posting-Host: magnusug.magnus.acs.ohio-state.edu\\nOrganization: The Ohio State University\\nLines: 17\\n\\nIn article gsh7w@fermi.clas.Virginia.EDU\\n(Greg Hennessy) writes:\\n>Clayton Cramer writes:\\n>#Compared to the table I have already posted from Masters, Johnson,\\n>#and Kolodny showing male homosexual partners, it is apparent that\\n>#homosexual men are dramatically more promiscuous than the general\\n>#male population.\\n>\\n>Did you ever consider the selection effect that those who are willing\\n>to admit to being a member sexual minority (homosexuality) are more\\n>willing to admit to being a member of another sexual minority (highly\\n>promiscious)?\\n>\\n\\nOh yeah, and men just haaaaate to brag about \"how many woman they\\'ve had.\"\\n\\nRyan\\n',\n", + " 'Subject: Cubs mailing list\\nFrom: andrew@dark.side.of.the.moon.uoknor.edu (Chihuahua Charlie)\\nDistribution: usa\\nOrganization: OU - Academic User Services\\nNntp-Posting-Host: loopback.uoknor.edu\\nNews-Software: VAX/VMS VNEWS 1.41 Lines: 14\\nLines: 14\\n\\n\\n\\tIs there anyone out there running a Chicago National\\n\\tLeague Ballclub list? If so, please send me information\\n\\ton it to...\\n\\t\\t\\tandrew@aardvark.ucs.uoknor.edu\\n\\n\\tThanks!\\n\\n|\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/|\\n|O| _ | Chihuahua Charlie | OU is not responsible |O|\\n|O| | | | Academic User Services | for anything anywhere, |O|\\n|O| |||| | The University of Oklahoma | except for that one |O|\\n|O| |_| | andrew@aardvark.ucs.uoknor.edu | incident where 200... |O|\\n|O|____________________________________________________________________|O|\\n',\n", + " \"From: jrm@elm.circa.ufl.edu (Jeff Mason)\\nSubject: Jeff Mason's Auction = Marvel, DC, Valiant, Image, etc...\\nOrganization: Univ. of Florida Psychology Dept.\\nLines: 114\\nNNTP-Posting-Host: elm.circa.ufl.edu\\nSummary: FRIDAY APRIL 23 UPDATE\\n\\nThe following comics are for auction. The highest bid takes them! \\n\\n\\nTITLE Minimum/Current \\n--------------------------------------------------------------\\nAlpha Flight 51 (Jim Lee's first work at Marvel)\\t$ 5.00\\n\\nAliens 1 (1st app Aliens in comics, 1st prnt, May 1988)\\t$20.00/KrisM./SOLD\\n\\nAmazing Spider-Man 136 (Intro new Green Goblin) $20.00\\n\\nAmazing Spider-Man 238 (1st appearance Hobgoblin)\\t$50.00\\n\\nArcher and Armstrong 1 (Frank Miller/Smith/Layton)\\t$ 7.50\\n\\nAvengers 263 (1st appearance X-factor) $ 3.50\\n\\nBloodshot 1 (Chromium cover, BWSmith Cover/Poster)\\t$ 5.00/Same/THREE\\n\\nCyberRad 1 (Reintro CyberRad, Prestige silver edition)\\t$15.00\\n\\nDaredevil 158 (Frank Miller art begins) $35.00\\n\\nDark Horse Presents 1 (1st app Concrete, 1st printing)\\t$ 7.50 \\n\\nDetective 657 (Azrael appears, Intro Cypher)\\t\\t$ 5.00\\n\\nDetective 658 (Azrael appears)\\t\\t\\t\\t$ 4.00\\n\\nHarbinger 10 (1st appearance H.A.R.D. Corps)\\t\\t$ 7.00/B.Matthey/SOLD\\n\\nH.A.R.D. Corps 1 \\t\\t\\t\\t\\t$ 5.00\\n\\nIncredible Hulk 324 (1st app Grey Hulk since #1 1962)\\t$ 7.00\\n\\nIncredible Hulk 330 (1st McFarlane issue)\\t\\t$15.00\\n\\nIncredible Hulk 331 (Grey Hulk series begins)\\t\\t$11.00\\n\\nIncredible Hulk 367 (1st Dale Keown art in Hulk) $15.00\\n\\nIncredible Hulk 377 (1st all new hulk, 1st prnt, Keown) $15.00\\n\\nMarvel Comics Presents 1 (Wolverine, Silver Surfer) $ 7.50\\n\\nMarvel Presents (Charleston Chew giveaway, Sam Keith)\\t$ 5.00\\n\\nMaxx Limited Ashcan (4000 copies exist, blue cover)\\t$33.50/BrentB/SOLD\\n\\nMr T. #1 (Signed Advance copy, 10,000 exist)\\t\\t$10.00\\n\\nNew Mutants 86 (McFarlane cover, 1st app Cable - cameo)\\t$10.00\\n\\nNew Mutants 100 (1st app X-Force) $ 5.00\\n\\nNew Mutants Annual 5 (1st Liefeld art on New Mutants)\\t$10.00\\n\\nOmega Men 3 (1st appearance Lobo) $ 7.50\\n\\nOmega Men 10 (1st full Lobo story) $ 7.50\\n\\nPower Man & Iron Fist 78 (3rd appearance Sabretooth) $20.00\\n\\nPower Man & Iron Fist 84 (4th appearance Sabretooth) $15.00\\n\\nSimpsons Comics and Stories 1 (Polybagged special ed.)\\t$ 7.50\\n\\nSpectacular Spider-Man 147 (1st app New Hobgoblin) $12.50\\n\\nSpider-Man Special (UNICEF giveaway, vs Venom)\\t\\t$10.00\\n\\nStar Trek the Next Generation 1 (Feb 1988, DC mini) $ 7.50\\n\\nStar Trek the Next Generation 1 (Oct 1989, DC comics) $ 7.50\\n\\nTrianglehead #1 (Special limited edition, autographed)\\t$ 5.00\\n\\nWeb of Spider-Man 29 (Hobgoblin, Wolverine appear) $10.00 \\n\\nWeb of Spider-Man 30 (Origin Rose, Hobgoblin appears) $ 7.50\\n\\nWolverine 10 (Before claws, 1st battle with Sabretooth)\\t$15.00\\n\\nWolverine 41 (Sabretooth claims to be Wolverine's dad)\\t$ 5.00\\n\\nWolverine 42 (Sabretooth proven not to be his dad)\\t$ 3.50\\n\\nWolverine 43 (Sabretooth/Wolverine saga concludes)\\t$ 3.00\\n\\nWolverine 1 (1982 mini-series, Miller art)\\t\\t$20.00\\n\\nWonder Woman 267 (Return of Animal Man) $12.50\\n\\nX-Force 1 (Signed by Liefeld, Bagged, X-Force card) $20.00\\n\\nX-Force 1 (Signed by Liefeld, Bagged, Shatterstar card) $10.00\\n\\nX-Force 1 (Signed by Liefeld, Bagged, Deadpool card) $10.00\\n\\nX-Force 1 (Signed by Liefeld, Bagged, Sunspot/Gideon) $10.00\\n\\n\\nAll comics are in near mint to mint condition, are bagged in shiny \\npolypropylene bags, and backed with white acid free boards. Shipping is\\n$1.50 for one book, $3.00 for more than one book, or free if you order \\na large enough amount of stuff. I am willing to haggle.\\n\\nI have thousands and thousands of other comics, so please let me know what \\nyou've been looking for, and maybe I can help. Some titles I have posted\\nhere don't list every issue I have of that title, I tried to save space.\\n-- \\nGeoffrey R. Mason\\t\\t|\\tjrm@elm.circa.ufl.edu\\nDepartment of Psychology\\t|\\tmason@webb.psych.ufl.edu\\nUniversity of Florida\\t\\t|\\tprothan@maple.circa.ufl.edu\\n\",\n", + " \"From: wiml@stein2.u.washington.edu (William Lewis)\\nSubject: Re: Abyss--breathing fluids\\nOrganization: University of Washington\\nLines: 33\\nNNTP-Posting-Host: stein2.u.washington.edu\\n\\nloss@fs7.ECE.CMU.EDU (Doug Loss) writes:\\n>Besides the mechanical problems of moving so dense a medium in oan out\\n>of the lungs (diaphragm fatigue, etc.), is there likely to be a problem\\n>with the mixture? I mean, since the lungs never expel all the air in\\n>them, the inhaled air has to mix pretty quickly with the residual air in\\n>the lungs to provide a useful partial pressure of oxygen, right? Would\\n>this mixing be substantially faster/slower at the pressures we're\\n>talking about?\\n\\n There was an interesting article in Scientific American some time ago\\nabout breathing liquid. (It was a few months before _The Abyss_ came out.)\\nAs far as I can remember, they mentioned three things that were difficult\\nto do at once with a substitute breathing fluid:\\n - low viscosity --- if it's too difficult to force the fluid in & out \\n of the lungs, you can't extract enough oxygen to power your own\\n breathing effort (let alone anything else)\\n\\n - diffusion rate --- obviously, not all the air in your lungs is\\n expelled when you breathe out; and the part that isn't expelled\\n is the part that's nearest the walls of the alveoli. (alveolus?)\\n So the trip from the blood vessels to the new air has to be done\\n by diffusion of the gas through the fluid. Apparently oxygen\\n tends to diffuse more readily than CO2, so even if you can get enough\\n oxygen in, you might not be able to get enough CO2 out.\\n\\n - oxygen/CO2 capacity --- you have to be able to dissolve enough\\n gas per unit volume. \\n\\n Oh, and of course, your new breathing fluid must not irritate the lungs\\nor interfere with their healing or anything like that... \\n\\n--\\nWim Lewis, wiml@u.washington.edu\\n\",\n", + " 'From: louray@seas.gwu.edu (Michael Panayiotakis)\\nSubject: Re: MS-Windows access for the blind?\\nOrganization: George Washington University\\nLines: 36\\n\\nIn article mtrottie@emr1.emr.ca (Marc Trottier) writes:\\n>In article <1993Apr22.172514.13025@cci632.cci.com> jfb@cci632.cci.com (John Bruno) writes:\\n>>From: jfb@cci632.cci.com (John Bruno)\\n>>Subject: MS-Windows access for the blind?\\n>>Date: Thu, 22 Apr 1993 17:25:14 GMT\\n>>We are developing an MS-Windows based product that uses a full screen window\\n>>to display ~24 rows of textual data. Is there any product for Microsoft Windows\\n>>that will enable blind individuals to access the data efficiently (quickly) ??\\n>>\\n>>Please email responses and I will post a summary to this group.\\n>>\\n>>Thanks for any help\\n>>--- John Bruno\\n>>\\n>\\n>Apparently, Microsoft came out with a new product: MS-Braille it is suppose \\n>to be \"WYTIWIG\". :-)\\n>\\n>No offense.\\n> \\n> \\n> Marc Trottier / mtrottie@emr1.emr.ca \\n>\\n>\\n\\n\\nAT the MICRO$OFT display at FOSE, there were a few computers running\\nwindows, and win. apps for the blind, I think. Didn\\'t pay much\\nattention to it, but it was there.\\n\\nMickey\\n-- \\npe-|| || MICHAEL PANAYIOTAKIS: louray@seas.gwu.edu \\nace|| || ...!uunet!seas.gwu.edu!louray\\n|||| \\\\/| *how do make a ms-windows .grp file reflect a HD directory??*\\n\\\\\\\\\\\\\\\\ | \"well I ain\\'t always right, but I\\'ve never been wrong..\"(gd)\\n',\n", + " \"From: brifre1@ac.dal.ca\\nSubject: Re: POTVIN and HIS STICK\\nOrganization: Dalhousie University, Halifax, Nova Scotia, Canada\\nLines: 38\\n\\nIn article <122521@netnews.upenn.edu>, kkeller@mail.sas.upenn.edu (Keith Keller) writes:\\n>>>>I prefer\\n>>>to watch hockey than seeing shots of Felix Potvin slashing and spearing Dino\\n>>>Ciccerelli standing in front of the net. HE HAS EVERY RIGHT TO STAND IN\\n>>>FRONT OF THE NET, JUST NOT IN THE CREASE!\\n> \\n> Yes, he does. BUT, the goalie sure as hell doesn't want him there! When\\n> I played roller hockey (boy do I miss those days) as a goalie, I would\\n> scream at my defense to clear guys out of the slot. I don't care if he's\\n> in the crease or not, get him the hell away from me so I can see the ball!\\n> (Yes, roller hockey, remember) And if there was nobody around to clear\\n> the slot, then I'd do it myself by pushing the offending player--*hard*. \\n> I *hate* people in my way when I'm the goalie, and I am sure Felix does\\n> too. I should say that I didn't see the incident, so if Potvin really\\n> swung the stick big time, then that's not right, but he can move people\\n> out of the way. He's a player on the ice too, you know. :-)\\n> \\n> --\\n> Keith Keller\\t\\t\\t\\tLET'S GO RANGERS!!!!!\\n> \\tkkeller@mail.sas.upenn.edu\\t\\tIVY LEAGUE CHAMPS!!!!\\n> In this corner\\t\\t\\t\\tLET'S GO QUAKERS!!!!!\\n> Weighing in at almost every weight imaginable . . . \\n> Life, and all that surrounds it.\\t\\t -- Blues Traveler, 1993\\nI have to agree wholeheartedly with this view. I don't like to see stickwork,\\nbut you have to clear players away from in front. My personal favorite move\\n(I'm a goalie too) is to give the offeding player a good whack on the back\\nof their skates when the ref isn't looking. Makes 'em go down like a ton of\\nbricks, but doesn't cause injuries unless they don't know how to fall (I'm \\ntalking about hitting the blades here, not the foot). It also makes the \\nplayer you hit and anyone who sees really mad and apt to take a stupid\\nretaliation penalty. Unfortunately, it also leaves your blocker out of \\nposition for a short time...I don't do this if a shot is likely on the short\\nside. Hmm....maybe I should mail Potvin this method (in French and with\\nhelpful diagrams, of course). It sure would be nice to see Ciccerelli (who\\nI have a great deal of respect for, BTW, he's not a big guy, but he plays\\nhuge!) fall on his back a few times! :-)\\n\\nBarfly\\n\",\n", + " 'From: dbd@urartu.sdpa.org (David Davidian)\\nSubject: THE REPUBLIC OF TURKEY SOLD 400 TONES OF ARMENIAN BONES IN 1924. \\nKeywords: April 24, 1993, 78th Anniversary of the Turkish Genocide of Armenians\\nOrganization: S.D.P.A. Center for Regional Studies\\nLines: 68\\n\\n\\t\\t\\tYarn of Cargo of Human Bones [1]\\n\\t\\n\\t\\tCopyright, 1924, by the New York Times Company\\n\\t\\t\\tSpecial Cable to The New York Times\\n\\n PARIS, Dec 22, -- Marseilles is excited by a weird story of the arrival in\\nthat port of a ship flying the British flag and named Zan carrying a\\nmysterious cargo of 400 tons of human bones consigned to manufacturers there.\\nThe bones are said to have been loaded at Mudania on the Sea of Marmora and\\nto be the remains of the victims of massacres in Asia Minor. In view of the\\nrumors circulating it is expected that an inquiry will be instigated.\\n\\n\\t\\t\\t- - - Reference - - -\\n\\n[1] _New York Times_, December 23, 1924, page 3, column 2 (bottom)\\n\\n\\t\\t\\t- - - - - - - - - - - -\\n\\nOn the 78th Commemorative Anniversary of the Turkish genocide of the Armenians,\\nwe remember those whose only crime was to be Armenian in the shadow of an \\nemerging Turkish proto-fascist state. In their names we demand justice.\\n\\nIn April 1915, the Turkish government began a systematically executed \\nde-population of the eastern Anatolian homeland of the Armenians through a \\ngenocidal extermination. This genocide was to insure that Turks exclusively\\nruled over the geographic area today called the Republic of Turkey. The \\nresult: 1.5 million murdered, 30 billion dollars of Armenian property stolen\\nand plundered. This genocide ended nearly 3,000 years of Armenian civilization\\non those lands. Today, the Turkish government continues to scrape clean any\\nvestige of a prior Armenian existence on those lands. Today\\'s Turkish\\ngovernmental policy is to re-write the history of the era, to manufacture\\ndistortion and generate excuses for their genocide of the Armenian people. In \\nthe face of refutation ad nauseam, the Turkish Historical Society and cronies \\nshamelessly continue to deny that any such genocide occurred. This policy \\nmerely demonstrates that in the modern era, genocide is an effective state \\npolicy when it remains un-redressed and un-punished. A crime unpunished is a \\ncrime encouraged. Adolf Hitler took this cue less than 25 years after the \\nsuccessful genocide of the Armenians.\\n\\nTurkey claims there was no systematic deportation of Armenians, yet...\\nArmenians were removed from every city, town, and village in the whole of \\nTurkey! Armenians who resisted deportation and massacre are referred to as \\n\"rebels\".\\n\\nTurkey claims there was no genocide of the Armenians, yet...Turkish population\\nfigures today show zero Armenians in eastern Turkey, the Armenian homeland.\\n\\nTurkey claims Armenians were always a small minority, yet...Turkey claims \\nArmenians were a \"threat\".\\n\\nIn a final insult to the victims, the Republic of Turkey sold the bones of \\napproximately 100,000 murdered Armenians for profit to Europe.\\n\\nToday, the Turkish government is enjoying the fruits of that genocide. The\\nsuccess of this genocide is hangs over the heads of Turkey\\'s Kurdish\\npopulation.\\n\\nThe Armenians demand recognition, reparation, return of Armenian land and\\nproperty lost as a result of this genocide.\\n\\nARMENIANS DEMAND JUSTICE ERMENILER ADALET ISTIYOR\\n\\n\\n-- \\nDavid Davidian dbd@urartu.sdpa.org | \"Armenia has not learned a lesson in\\nS.D.P.A. Center for Regional Studies | Anatolia and has forgotten the \\nP.O. Box 382761 | punishment inflicted on it.\" 4/14/93\\nCambridge, MA 02238 | -- Late Turkish President Turgut Ozal \\n',\n", + " 'From: genetic+@pitt.edu (David M. Tate)\\nSubject: Re: MARLINS WIN! MARLINS WIN!\\nArticle-I.D.: blue.7961\\nOrganization: Department of Industrial Engineering\\nLines: 13\\n\\ndwarner@journalism.indiana.edu said:\\n>I only caught the tail end of this one on ESPN. Does anyone have a report?\\n>(Look at all that Teal!!!! BLEAH!!!!!!!!!)\\n\\nMaybe it\\'s just me, but the combination of those *young* faces peeking out\\nfrom under oversized aqua helmets screams \"Little League\" in every fibre of\\nmy being...\\n\\n-- \\n David M. Tate | (i do not know what it is about you that closes\\n posing as: | and opens; only something in me understands\\n e e (can | the pocket of your glove is deeper than Pete Rose\\'s)\\n dy) cummings | nobody, not even Tim Raines, has such soft hands\\n',\n", + " \"From: raible@nas.nasa.gov (Eric Raible)\\nSubject: Re: Need advice for riding with someone on pillion\\nIn-Reply-To: rwert@well.sf.ca.us's message of 21 Apr 93 01:07:56 GMT\\nOrganization: Applied Research Office, NASA Ames Research Center\\nReply-To: raible@nas.nasa.gov\\nDistribution: na\\nLines: 22\\n\\n\\nIn article rwert@well.sf.ca.us (Bob Wert) writes:\\n\\n I need some advice on having someone ride pillion with me on my 750 Ninja.\\n This will be the the first time I've taken anyone for an extended ride\\n (read: farther than around the block :-). We'll be riding some twisty, \\n fairly bumpy roads (the Mines Road-Mt.Hamilton Loop for you SF Bay Areans).\\n\\nI'd say this is a very bad idea - you should start out with something\\nmuch mellower so that neither one of you get in over your head.\\nThat particular road requires full concentration - not the sort of\\nthing you want to take a passenger on for the first time.\\n\\nOnce you both decide that you like riding together, and want to do\\nsomething longer and more challenging, *then* go for a hard core road\\nlike Mines-Mt. Hamilton.\\n\\nIn any case, it's *your* (moral) responsibility to make sure that she\\nhas proper gear that fits - especially if you're going sport\\nriding.\\n\\n- Eric\\n\",\n", + " 'From: karish@gondwana.Stanford.EDU (Chuck Karish)\\nSubject: Re: Recommended bike for a tall beginner.\\nOrganization: Mindcraft, Inc.\\nDistribution: usa\\nLines: 13\\n\\nIn article <47116@sdcc12.ucsd.edu> jtozer@sdcc3.ucsd.edu (John Tozer) writes:\\n>\\tI am looking for advice on what bikes I should check out. I\\n>am 6\\'4\" tall, and find my legs/hips uncomfortably bent on most of\\n>the bikes I have ridden (not many admittedly). Are there any bikes\\n>out there built for a taller rider?\\n\\nThere\\'s plenty of legroom on the Kawasaki KLR650. A bit\\nshort in the braking department for spirited street riding,\\nbut enough for dirt and for less-agressive street stuff.\\n--\\n\\n Chuck Karish karish@mindcraft.com\\n (415) 323-9000 x117 karish@pangea.stanford.edu\\n',\n", + " \"From: icop@csa.bu.edu (Antonio Pera)\\nSubject: Hockey & The Hispanic community\\nDistribution: usa\\nOrganization: Computer Science Department, Boston University, Boston, MA, USA\\nLines: 6\\nOriginator: icop@csa\\n\\n\\n\\tRelying on Canadian tourists and transplanted Northeasterners to\\nsupport a team in Miami is crazy; espaecially when you have really deserving \\ncities without a team such as San Diego & Milwaukee. I wish the Panthers or\\nwhatever their name is well but if they can't sell to Hispanics, they're in\\ndeep doo-doo. Already, there are rumors that Tampa may move to Milwaukee.\\n\",\n", + " 'From: herb@iiasa.ac.at (Herb HASLER)\\nSubject: X11R5 on IBM RS6000\\nOrganization: IIASA, Laxenburg, Austria\\nX-Newsreader: TIN [version 1.1 PL6]\\nLines: 23\\n\\nYes we have the same problem with xinit. The problems seems to come from the\\nfact that the XOpenDisplay(\":0\") fails. If we try (on our machine\\nnamed godzilla)\\n\\nsetenv DISPLAY godzilla:0.0\\nXibm&\\nxterm \\n\\n\\nIt works fine, but the following will not work\\n\\nsetenv DISPLAY unix:0.0\\nXibm&\\nxterm \\n\\nDid we set a configuration option incorrectly? Thank you for any assistance\\nyou can offer.\\n\\n---------------------------------------------------------------------------\\n Herb Hasler --- herb@iiasa.ac.at\\n International Institute for Applied Systems Anaylsis (IIASA)\\n A-2361 Laxemburg, Austria --- +43 2236 715 21 ext 548\\n---------------------------------------------------------------------------\\n',\n", + " 'From: mallen@eniac.seas.upenn.edu (Matt Allen)\\nSubject: Commodore Amiga for sale\\nKeywords: Commodore Amiga Monitor\\nDistribution: usa\\nOrganization: University of Pennsylvania\\nLines: 13\\nNntp-Posting-Host: eniac.seas.upenn.edu\\n\\nFor Sale:\\n\\n\\tComplete Amiga 1000 computer system\\t$450 or best offer\\n\\n\\tAmiga 1000\\n\\t512k RAM\\n\\t1 Internal, 1 External 3.5\" floppy diskette drive\\n\\tDetachable Keyboard\\n\\tTwo Button Mouse\\n\\tRGB Monitor\\n\\n\\tAll the above equipment is made by Commodore.\\n\\tSend e-mail to allen@zansiii.millersv.edu or call (717)872-8944.\\n',\n", + " 'From: amathur@ces.cwru.edu (Alok Mathur)\\nSubject: How to get 24bit color with xview frames ?\\nOrganization: Case Western Reserve University\\nLines: 55\\nDistribution: world\\nNNTP-Posting-Host: amethyst.ces.cwru.edu\\n\\nHi !\\n\\nI am using Xview 3.0 on a Sparc IPX under Openwindows along with a XVideo board\\nfrom Parallax which enables me to use 24 bit color. I am having some problems\\nutilizing the 24 bit color and would greatly appreciate any help in this matter.\\n\\nI use Xview to create a Frame and then create a canvas pane inside which I use\\nto display live video. My video input is 24 bit color.\\n\\nThe problem is that my top level frame created as\\n\\tframe = (Frame) xv_create(NULL,FRAME,NULL);\\nseems to have a depth of 8 which is propagated to my canvas.\\n\\nI would like to know how I can set the depth of the frame to be 24 bits.\\nI tried using the following Xlib code :\\n\\nXVisualInfo visual_info;\\nint depth = 24;\\nColormap colormap;\\nXSetWindowAttributes attribs;\\nunsigned long valuemask = 0;\\nWindow *win;\\nXv_opaque frame;\\n\\nwin = xv_get(frame,XV_XID);\\nXMatchVisualInfo(display,screen,depth,TrueColor,&visual_info);\\n\\n/* So far so good */\\n\\ncolormap = XCreateColormap(display,win,visual_info,AllocNone);\\n\\n/* It dies here with a BadMatch error :( */\\n\\nattribs.colormap = colormap;\\nvaluemask |= CWColormap;\\nXChangeWindowAttributes(display,w,valuemask,&attribs);\\nXSetWindowColormap(display,win,colormap);\\n\\n\\nAm I using a completely wrong approach here ? Is it possible to set the depth\\nand colormap for a window created by Xview ? What am I doing wrong ?\\n\\nThanks in advance for any help that I can get. I would prefer a response via\\nemail although a post on the newsgroup is also okay.\\n\\nThanks again,\\n\\n\\nAlok.\\n---\\nALOK MATHUR\\nComputer Science & Engg, Case Western Reserve Univ, Cleveland, OH 44106\\n11414 Fairchild Road, #2, Cleveland, OH 44106\\nOff - (216) 368-8871 Res - (216) 791-1261, email - amathur@alpha.ces.cwru.edu\\n\\n',\n", + " \"From: Mike Diack \\nSubject: Husky Programmer bits req'd\\nX-Xxdate: Sat, 17 Apr 93 04:10:01 GMT\\nNntp-Posting-Host: dialup-slip-1-90.gw.umn.edu\\nOrganization: persian cat & carpet co.\\nX-Useragent: Nuntius v1.1.1d7\\nLines: 5\\n\\nHelp !! - I'm looking for a ISA driver card and driver software for a\\nLogical Devices Husky programmer (It aint mush good without these)\\ncan anyone help with either of these items ?\\ncheers\\nMike.\\n\",\n", + " 'From: \"Derrick J. Brashear\" \\nSubject: mouseless operation in ol{v}wm\\nOrganization: Sophomore, Civil Engineering, Carnegie Mellon, Pittsburgh, PA\\nLines: 11\\nNNTP-Posting-Host: po5.andrew.cmu.edu\\n\\nMouseless operation is documented in the man pages for olwm and olvwm...\\nHowever, I can\\'t get it to work in either.\\nI have this line in my .Xdefaults:\\nOpenWindows.KeyboardCommands: Full\\n\\nThat should do it...\\nI haven\\'t rebound the keys.\\nAm I missing something?\\n\\n-D\\n\\n',\n", + " \"From: viralbus@daimi.aau.dk (Thomas Martin Widmann)\\nSubject: Position of 'b' on Erg. Keyboard\\nOrganization: DAIMI: Computer Science Department, Aarhus University, Denmark\\nLines: 12\\n\\nSo far I have only seen pictures of the new ergonomic keyboard,\\nbut it seems that the 'b' is placed on the left part after the split.\\nHowever, when I learned typing in school some years ago, I was taught\\nto write 'b' with my right hand. Is this a difference between Danish\\nand American typing, or what???\\n\\nThanks a lot in advance!\\n\\n--\\n\\n Thomas Widmann -Lernu Esperanton-\\nviralbus@daimi.aau.dk SOLIDVM PETIT IN LINGVIS\\n\",\n", + " \"Subject: Re: arromdee@jyusenkyou.cs.jhu.edu (Ken Arromdee) writes:\\n>In article <1pj9bs$d4j@fido.asd.sgi.com> livesey@solntze.wpd.sgi.com (Jon Livesey) writes:\\n>>I would say that one innocent person killed is in some sense\\n>>as bad as many. We certainly feel that way when we punish\\n>>someone for a single murder.\\n>>Now if we reform system X, by reducing the number of deaths\\n>>by one, we produce system XX. I'd say we should not go back\\n>>to system X, even though by doing so we would re-introduce only \\n>>a single extra death.\\n>\\n>Bob seems to think that one is as bad as many in a sense somewhat stronger than\\n>the one you indicate.\\n>--\\n\\n Yes, I do. \\n\\n My argument is that the sole purpose of the death penalty is to\\n kill people. That is it's primary (and I would argue only)\\n purpose. To continue to kill people by a practice that has\\n almost no utility, especially when you know you will be killing\\n innocents, is unconscionable.\\n\\n At the very least, the existence of the prison system and our\\n transportation system are based on their merits to society, not\\n their detriments. We are willing to accept a few lost innocent\\n lives because there is an overwhelming benefit to the continued\\n existence of these systems. One has to stretch the evidence and\\n the arguments to make the same claim for capital punishment.\\n\\n Just in case I wasn't clear again: We maintain a capital\\n punsihment system that kills innocent people and provides us with\\n no net positive gain. Why?\\n\\n Were you to pin me in a corner and ask, I would have to respond\\n that I don't belief the state should have the right to take life\\n at all. But I won't open that debate, as it seems others are\\n tiring of this thread on a.a anyway.\\n\\n\\n/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\ \\n\\nBob Beauchaine bobbe@vice.ICO.TEK.COM \\n\\nThey said that Queens could stay, they blew the Bronx away,\\nand sank Manhattan out at sea.\\n\\n^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\\n\",\n", + " \"From: pec2@Isis.MsState.Edu (Paul E. Carroll)\\nSubject: ** DO NOT ROTATE INTERRUPTER ** WOOPS!! HELP!!\\nNntp-Posting-Host: isis.msstate.edu\\nOrganization: Mississippi State University\\nLines: 22\\n\\nAAAHHHH!!!!! Please someone tell me what I have done!!!\\n\\nMy 40 Meg miniscribe (8450AT) has a big sticker on the side that says\\n\\n***DO NOT ROTATE INTERRUPTER** ---> (big knob here)\\n\\nA big knob sticking off the side of the drive is pretty hard NOT to turn\\nwhen removing the drive!\\n\\nI turned it. Now the drive won't spin up! Even with no data or controller\\ncables plugged in.. just power... it won't spin up!!\\n\\nPlease help! \\n\\nThanks\\n\\n\\n--\\n-Paul Carroll\\n\\n-(pec2@Ra.MsState.Edu) (pec2@ERC.MsState.Edu)\\n-NSF Engineering Research Center for Computational Field Simulation\\n\",\n", + " 'From: Sean Michael Goller \\nSubject: Porting Athena Widgets to Xview?\\nOrganization: Senior, Electrical and Computer Engineering, Carnegie Mellon, Pittsburgh, PA\\nLines: 12\\nNNTP-Posting-Host: andrew.cmu.edu\\n\\nI checked the FAQ on this first, and no luck..\\n\\n\\nI need to convert the R5 Tree widget for use with xview v3.0. The\\nproblem is the fact that xview uses their own event loop system, and I\\nwas wondering if anyone had any tips (or converted source) on converting\\nthese pups.\\n\\n\\nThanks,\\n Sean. (wipeout+@cmu.edu)\\n\\n',\n", + " 'From: mmm@cup.portal.com (Mark Robert Thorson)\\nSubject: Re: hypodermic needle\\nOrganization: The Portal System (TM)\\nLines: 4\\n\\nScientific American had a nice short article on the history of the\\nhypodermic about 10 or 15 years ago. Prior to liquid injectables,\\nthere were paddle-like needles used to implant a tiny pill under the\\nskin.\\n',\n", + " 'From: geb@cs.pitt.edu (Gordon Banks)\\nSubject: Re: Migraines\\nArticle-I.D.: pitt.19398\\nReply-To: geb@cs.pitt.edu (Gordon Banks)\\nOrganization: Univ. of Pittsburgh Computer Science\\nLines: 19\\n\\nIn article drand@spinner.osf.org (Douglas S. Rand) writes:\\n\\n>So I\\'ll ask this, my neurologist just prescribed Cafergot and\\n>Midrin as some alternatives for me to try. He stated that\\n>the sublingual tablets of ergotamine were no longer available.\\n>Any idea why? He also suggested trying 800 mg ibuprophen.\\n>\\n\\nI just found out about the sublinguals disappearing too. I don\\'t\\nknow why. Perhaps because they weren\\'t as profitable as cafergot.\\nToo bad, since tablets are sometimes vomited up by migraine patients\\nand they don\\'t do any good flushed down the toilet. I suspect\\nwe\\'ll be moving those patients more and more to the DHE nasal\\nspray, which is far more effective.\\n-- \\n----------------------------------------------------------------------------\\nGordon Banks N3JXP | \"Skepticism is the chastity of the intellect, and\\ngeb@cadre.dsl.pitt.edu | it is shameful to surrender it too soon.\" \\n----------------------------------------------------------------------------\\n',\n", + " 'From: golchowy@alchemy.chem.utoronto.ca (Gerald Olchowy)\\nSubject: Re: For sale; Edmonton Oilers.\\nOrganization: University of Toronto Chemistry Department\\nLines: 31\\n\\nIn article mbevan@ersys.edmonton.ab.ca (Mark Bevan) writes:\\n>\\n>He was already offered $65 million for them from Northlands Coliseum\\n>but refused the offer.... I don\\'t think he is going to sale. I think he\\n>may decide to move the team to the States though where he can draw\\n>more revenue from the team.\\n>\\n\\nPocklington just wanted to wake up the powers that be holding political\\noffice, in Northlands, and in the business community that the Oilers\\nwith their current lease arrangement are in a state where on a yearly\\nbasis they will likely have an operating loss based on \"normal\" hockey\\nrevenues and expenses. That he did this was a good thing...it is better\\nhe complain early, and make the city aware of a potential looming crisis\\nbefore he begins to lose millions and millions of dollars...which would\\ntruly jeopardize the franchise.\\n\\nPocklington\\'s first option is not to sell or to move, but to sell\\na minority share of the team (to realize some of the appreciated value\\nof the team) and to get a better arena deal, either in Northlands, or\\nvia a new building. Pocklington probably isn\\'t going to get exactly\\nwhat he wants...but ultimately he will probably get enough, or will\\nsell to someone who will probably get enough.\\n\\nThere are a lot of risks in moving a team also...\\n\\n...one has to remember \"Peter Puck\\'s principle\"...it is better to\\nspend other people\\'s money than one\\'s own if at all possible.\\n\\nGerald\\n\\n',\n", + " 'From: rjwade@rainbow.ecn.purdue.edu (Robert J. Wade)\\nSubject: Re: Saturn Extended Warranty\\nKeywords: warranty\\nOrganization: Purdue University Engineering Computer Network\\nLines: 36\\n\\nIn article <1r7n42INNie1@shelley.u.washington.edu> gaia@carson.u.washington.edu (I/We are Gaia) writes:\\n>In article <1r6bqgINN4ei@roundup.crhc.uiuc.edu> vivek@crhc.uiuc.edu (Vivek Chickermane) writes:\\n>>ADVICE on SATURN EXTENDED WARRANTY\\n>>-----------------------------------\\n>>\\n>> I placed an order for a Saturn SL2 and it is expected next week. The\\n>>Saturn retailer gave me some pamphlets about the extended warranty plan\\n>>and I have been thinking about it. Being a first time new car buyer, I am\\n>>seeking advice from veterans esp. those who have bought Saturns lately.\\n>>FYI, I have listed some of the features of the Saturn extended warranty plan.\\n>>The car comes with a 3 years/36,000 mile bumper-to-bumper warranty.\\n>>\\n>>Plan I\\n>>-------\\n>>Extended Powertrain Coverage\\n>>\\n>>Covers the cost of repairs to\\n>> * Engine\\n>> * Transaxle\\n>> * Front wheel drive\\n>>* 24 hour roadside assistance program\\n>>\\n>>Coverage Term (years/miles)\\n>>\\n>>Deductible 5/60,000 6/75,000 6/100,000\\n>>---------- -------- -------- ---------\\n>>$50 $375 $550 $725\\n>>\\n\\ni say extended warranties are a ripoff, high-profit item for dealers.\\nbut what i really want to point out here is that you are not buying\\n5/60k, 6/75k, 6/100k. you get 3yr/36k *free*. so what you are buying is\\n2/24k, 3/39k, 3/64k. keep that in mind when you look at the cost vs. coverage.\\nanother point is that many car companies routinely fix car problems that are\\nout of warranty...why? design/manufacturing defects that the company owns up\\nto, keeping customer happy, etc.\\n',\n", + " \"From: Clinton-HQ@Campaign92.Org (Clinton/Gore '92)\\nSubject: CLINTON: President's Radio Address 4.17.93\\nOrganization: MIT Artificial Intelligence Lab\\nLines: 178\\nNNTP-Posting-Host: life.ai.mit.edu\\n\\n\\n\\n THE WHITE HOUSE\\n\\n Office of the Press Secretary\\n (Pittsburgh, Pennslyvania)\\n______________________________________________________________\\nFor Immediate Release April 17, 1993 \\n\\n \\n RADIO ADDRESS TO THE NATION \\n BY THE PRESIDENT\\n \\n Pittsburgh International Airport\\n Pittsburgh, Pennsylvania\\n \\n \\n10:06 A.M. EDT\\n \\n \\n THE PRESIDENT: Good morning. My voice is coming to\\nyou this morning through the facilities of the oldest radio\\nstation in America, KDKA in Pittsburgh. I'm visiting the city to\\nmeet personally with citizens here to discuss my plans for jobs,\\nhealth care and the economy. But I wanted first to do my weekly\\nbroadcast with the American people. \\n \\n I'm told this station first broadcast in 1920 when\\nit reported that year's presidential elections. Over the past\\nseven decades presidents have found ways to keep in touch with\\nthe people, from whistle-stop tours to fire-side chats to the bus\\ntour that I adopted, along with Vice President Gore, in last\\nyear's campaign.\\n \\n Every Saturday morning I take this time to talk with\\nyou, my fellow Americans, about the problems on your minds and\\nwhat I'm doing to try and solve them. It's my way of reporting\\nto you and of giving you a way to hold me accountable.\\n \\n You sent me to Washington to get our government and\\neconomy moving after years of paralysis and policy and a bad\\nexperiment with trickle-down economics. You know how important\\nit is for us to make bold, comprehensive changes in the way we do\\nbusiness. \\n \\n We live in a competitive global economy. Nations\\nrise and fall on the skills of their workers, the competitiveness\\nof their companies, the imagination of their industries, and the\\ncooperative experience and spirit that exists between business,\\nlabor and government. Although many of the economies of the\\nindustrialized world are now suffering from slow growth, they've\\nmade many of the smart investments and the tough choices which\\nour government has for too long ignored. That's why many of them\\nhave been moving ahead and too many of our people have been\\nfalling behind.\\n \\n We have an economy today that even when it grows is\\nnot producing new jobs. We've increased the debt of our nation\\nby four times over the last 12 years, and we don't have much to\\nshow for it. We know that wages of most working people have\\nstopped rising, that most people are working longer work weeks\\nand that too many families can no longer afford the escalating\\ncost of health care.\\n \\n But we also know that, given the right tools, the\\nright incentives and the right encouragement, our workers and\\nbusinesses can make the kinds of products and profits our economy\\nneeds to expand opportunity and to make our communities better\\nplaces to live.\\n \\n In many critical products today Americans are the\\nlow cost, high quality producers. Our task is to make sure that\\nwe create more of those kinds of jobs.\\n \\n Just two months ago I gave Congress my plan for\\nlong-term jobs and economic growth. It changes the old\\npriorities in Washington and puts our emphasis where it needs to\\nbe -- on people's real needs, on increasing investments and jobs\\nand education, on cutting the federal deficit, on stopping the\\nwaste which pays no dividends, and redirecting our precious\\nresources toward investment that creates jobs now and lays the\\ngroundwork for robust economic growth in the future.\\n \\n These new directions passed the Congress in record\\ntime and created a new sense of hope and opportunity in our\\ncountry. Then the jobs plan I presented to Congress, which would\\ncreate hundreds of thousands of jobs, most of them in the private\\nsector in 1993 and 1994, passed the House of Representatives. It\\nnow has the support of a majority of the United States Senate. \\nBut it's been held up by a filibuster of a minority in the\\nSenate, just 43 senators. They blocked a vote that they know\\nwould result in the passage of our bill and the creation of jobs.\\n \\n The issue isn't politics; the issue is people. \\nMillions of Americans are waiting for this legislation and\\ncounting on it, counting on us in Washington. But the jobs bill\\nhas been grounded by gridlock. \\n \\n I know the American people are tired of business as\\nusual and politics as usual. I know they don't want us to spin\\nor wheels. They want the recovery to get moving. So I have\\ntaken a first step to break this gridlock and gone the extra\\nmile. Yesterday I offered to cut the size of this plan by 25\\npercent -- from $16 billion to $12 billion. \\n \\n It's not what I'd hoped for. With 16 million\\nAmericans looking for full-time work, I simply can't let the bill\\nlanguish when I know that even a compromise bill will mean\\nhundreds of thousands of jobs for our people. The mandate is to\\nact to achieve change and move the country forward. By taking\\nthis initiative in the face of an unrelenting Senate talkathon, I\\nthink we can respond to your mandate and achieve a significant\\nportion of our original goals.\\n \\n First, we want to keep the programs as much as\\npossible that are needed to generate jobs and meet human needs,\\nincluding highway and road construction, summer jobs for young\\npeople, immunization for children, construction of waste water\\nsites, and aid to small businesses. We also want to keep funding\\nfor extended unemployment compensation benefits, for people who\\nhave been unemployed for a long time because the economy isn't\\ncreating jobs.\\n \\n Second, I've recommended that all the other programs\\nin the bill be cut across-the-board by a little more than 40\\npercent.\\n \\n And third, I've recommended a new element in this\\nprogram to help us immediately start our attempt to fight against\\ncrime by providing $200 million for cities and towns to rehire\\npolice officers who lost their jobs during the recession and put\\nthem back to work protecting our people. I'm also going to fight\\nfor a tough crime bill because the people of this country need it\\nand deserve it.\\n \\n Now, the people who are filibustering this bill --\\nthe Republican senators -- say they won't vote for it because it\\nincreases deficit spending, because there's extra spending this\\nyear that hasn't already been approved. That sounds reasonable,\\ndoesn't it? Here's what they don't say. This program is more\\nthan paid for by budget cuts over my five-year budget, and this\\nbudget is well within the spending limits already approved by the\\nCongress this year.\\n \\n It's amazing to me that many of these same senators\\nwho are filibustering the bill voted during the previous\\nadministration for billions of dollars of the same kind of\\nemergency spending, and much of it was not designed to put the\\nAmerican people to work. \\n \\n This is not about deficit spending. We have offered\\na plan to cut the deficit. This is about where your priorities\\nare -- on people or on politics. \\n \\n Keep in mind that our jobs bill is paid for dollar\\nfor dollar. It is paid for by budget cuts. And it's the\\nsoundest investment we can now make for ourselves and our\\nchildren. I urge all Americans to take another look at this jobs\\nand investment program; to consider again the benefits for all of\\nus when we've helped make more American partners working to\\nensure the future of our nation and the strength of our economy.\\n \\n You know, if every American who wanted a job had\\none, we wouldn't have a lot of the other problems we have in this\\ncountry today. This bill is not a miracle, it's a modest first\\nstep to try to set off a job creation explosion in this country\\nagain. But it's a step we ought to take. And it is fully paid\\nfor over the life of our budget.\\n \\n Tell your lawmakers what you think. Tell them how\\nimportant the bill is. If it passes, we'll all be winners.\\n \\n Good morning, and thank you for listening.\\n\\n END 10:11 A.M. EDT\\n\\n\\n\\n\",\n", + " 'From: geb@cs.pitt.edu (Gordon Banks)\\nSubject: Re: tuberculosis\\nReply-To: geb@cs.pitt.edu (Gordon Banks)\\nOrganization: Univ. of Pittsburgh Computer Science\\nLines: 26\\n\\nIn article <1993Mar29.181406.11915@iscsvax.uni.edu> klier@iscsvax.uni.edu writes:\\n\\n>\\n>Multiple drug resistance in TB is a relatively new phenomenon, and\\n>one of the largest contributing factors is that people are no longer\\n>as scared of TB as they were before antibiotics. (It was roughly as\\n>feared as HIV is now...)\\n>\\n\\nNot that new. 20 years ago, we had drug addicts harboring active TB\\nthat was resistant to everything (in Chicago). The difference now\\nis that such strains have become virulent. In the old days, such\\nTB was weak. It didn\\'t spread to other people very easily and just\\ninfected the one person in whom it developed (because of non-compliance\\nwith medications). Non-compliance and development of resistant strains\\nhas been a problem for a very long time. That is why we have like 9\\ndrugs against TB. There is always a need to develop new ones due to\\nsuch strains. Now, however, with a virulent resistant strain, we\\nare in more trouble, and measures to assure compliance may be necessary\\neven if they entail force.\\n\\n-- \\n----------------------------------------------------------------------------\\nGordon Banks N3JXP | \"Skepticism is the chastity of the intellect, and\\ngeb@cadre.dsl.pitt.edu | it is shameful to surrender it too soon.\" \\n----------------------------------------------------------------------------\\n',\n", + " \"From: golchowy@alchemy.chem.utoronto.ca (Gerald Olchowy)\\nSubject: Re: Daigle/Kariya\\nOrganization: University of Toronto Chemistry Department\\nLines: 15\\n\\nIn article <1qsmhtINNt5l@senator-bedfellow.MIT.EDU> ddlin@athena.mit.edu (David D Lin) writes:\\n>I hear Daigle will eb the first pick next year. What is the word on Kariya???\\n>Anybody ever seen him play on TV???? Is he also entering the draft???\\n\\nPeople are seeming to be less concerned about Kariya's size as he leads\\nteams to championships (World Junior and US College) and collects\\nawards...everyone is watching with interest as to how he will perform\\non left wing with Eric Lindros and Mark Recchi at the world\\nchampionships.\\n\\n4 months of go...chances were not very good that he would go in the\\ntop five...now it has become probable...a great world championship\\ncould put him in the top 3 with Daigle and Pronger.\\n\\nGerald\\n\",\n", + " 'From: finn@bsc.no (Finn Chr. Lundbo)\\nSubject: Re: Help needed: DXF ---> IFF\\nOrganization: Bergen Scientific Centre, Bergen, NORWAY\\nLines: 30\\n\\nIn article <1993Apr30.011157.12995@news.columbia.edu> ph14@cunixb.cc.columbia.edu (Pei Hsieh) writes:\\n>Hi -- sorry if this is a FAQ, but are there any conversion utilities\\n>available for Autodesk *.DXF to Amiga *.IFF format? I\\n>checked the comp.graphics FAQ and a number of sites, but so far\\n>no banana. Please e-mail.\\n>\\n>Thanks.\\n>\\n> _______ Pei Hsieh\\n> (_)===(_) e-mail: ph14@cunixb.cc.columbia.edu\\n> ||||| \"There\\'s no such thing as a small job; just small fees.\"\\n> ||||| - anon., on being an architect\\n\\nHei Pei.\\n\\nI can not help you directly width you problem, but there may be\\nintermediate roads to take to get to the IFF. I am using a converter\\nthat can take IGES, IIF, DXF -> IGES, MILESPEC I IGES, MILESPEC II IGES, \\nIIF, MILESPEC I IIF, MILESPEC II IIF and DXF.\\n\\nIIF is IBM IGES FORMAT. There may be converters out there that can handle\\nIGES to IFF. Hope this was to any help. By the way the converter is part\\nof the IGES Processor/6000 package from IBM and it runs on RS/6000 AIX.\\n\\nBest regard\\nFinn Chr. Lundbo\\nIBM Bergen Environmental Sciences\\n& Solutions Centre.\\nE-mail: finn@bsc.no\\n\\n',\n", + " 'From: VEAL@utkvm1.utk.edu (David Veal)\\nSubject: Re: My Gun is like my American Express Card\\nLines: 128\\nOrganization: University of Tennessee Division of Continuing Education\\n\\nIn article Thomas Parsli writes:\\n>\\n>Abuse by the goverment:\\n>This seems to be one of the main problems; Any harder gun-control\\n>would just be abused by the goverment.(!)\\n>Either some of you are a little paranoid (no offence...) \\n\\n Mr. Parsli, I have to take exception at this. There are\\nverifiable, previous *examples* of levels of U.S. governments\\nabusing gun-control restrictions. I don\\'t think it is paranoid\\nto worry that what has been abused in the recent past might be abused\\nin thye future. After so many times of getting burned any sane person\\nwill stop putting his hand on the stove.\\n\\n>OR you should\\n>get a new goverment. (You do have elections??)\\n\\n I\\'d love to. But as long as the politicians grab power to sell\\npork back to their constituents, there\\'s not a lot I can do. \\n\\n It\\'s silly to suggest that if there\\'s anything we can\\'t trust\\nthe government to do, and therefore the government should be allowed\\nto do it, then we should change governments. Down that road lies\\ntotal government power. I\\'ve never been a fan of totalitarianism.\\n\\n>Guns \\'n Criminals:\\n>MOST weapons used by criminals today are stolen.\\n\\n This is very likely.\\n\\n>Known criminals can NOT buy weapons, that\\'s one of the points of gun control.\\n>And because gun control are strict in WHOLE scandinavia (and most of europe),\\n>we dont have any PROBLEM with smuggled guns.\\n\\n The North American Continent is not Europe, no matter how many\\npeople would like it to be. Drugs are very illegal and they\\'re\\nhere. For years Canada has crowed about its gun control. If it is\\nnecessary to control guns over the whole continent, then Canada should\\nhave always had comparable rates to the U.S., yet they still don\\'t.\\nUnless you can tell me why the Canadian border is so much more\\nmagical than the Mexican border (which is shorter and far more\\nheavily patrolled) then I really can\\'t accept that argument.\\n\\n>Mixing weapons and things that can be use as one:\\n>What I meant was that cars CAN kill, but they are not GUNS!\\n\\n No, there are approximately 31,000 deaths due to guns in the U.S.,\\ntwo-thirds of which are suicides. (Unfortunately I don\\'t have suicide\\nrates for Norway.) However, this makes the per-gun death rate about\\nhalf the per-car death rate.\\n\\n>The issue (I hope..):\\n>I think we all agree that the criminals are the main problem.\\n>Guns are not a problem, but the way they are used is.... (and what are they for??)\\n>\\n>I think this discusion is interesting when you think of (ex)Jugoslavia:\\n>They should all have weapons, it\\'s their rigth to have them, and if they use them\\n>to kill other (Innocent) people the problem is humans, not guns.\\n\\n The problem\\'s been humans since before we had stone axes. The\\nfct of the matter is simply this: If nobody ever assaulted anybody,\\nwhether there is a weapon of any sort around would be totally\\nirrelevent.\\n\\n Yet weapons are *built*. I\\'d suggest, then, that the murderous\\nimpulse in humanity pre-dates weapons.\\n\\n Anyway, the Bosnians et al. have been making an excellent attempt\\nto kill each other for half a thousand years. Taking away their guns, even\\nif we could, would neither halt the killing nor reduce the brutality.\\n\\n>If 50% of ALL murders was done with axes, would you impose some regulations on them\\n>or just say that they are ment to be used at trees, and that the axe is not a problem,\\n>it\\'s the \\'axer\\' ??\\n>(An example, don\\'t flame me just because not exactly 50% are killed by guns...)\\n\\n\\n In the U.S., approximately 60% of murders are commited with firearms.\\n(50% with handguns, 10% with non-handguns.) The reason I say that guns, per \\nse, are not the problem, is that our non-gun rate exceeds most of Europe\\'s\\ncountries *entire* violent crime rate. I don\\'t really think we\\'ve got\\nmore knives or fists. \\n\\n In any case, I think examples of gun control *applied* to the U.S.\\nhave been abkect failures, just like drug prohibition and other forms\\nof prohibition. Until you deal with *why* people are doing what they\\nare doing, you won\\'t solve your problem. And if the problem is \\nviolent crime, you shouldn\\'t concentrate on the tools instead. The\\n*vast* majority of guns is never, ever misused. (On the order of\\n99.5% over the entire lifetime of the gun). This says to me that\\nyou can\\'t make the argument that the gun itself causes the misuse.\\n\\n>Think about the situation in Los Angeles where people are buying guns to protect\\n>themselves. Is this a good situation ?? \\n\\n The situation is not \"good\" in that people fear for their lives.\\nBut recall the scenes of the store-owners during the last riots,\\nprotecting their shops with guns. Would it have been better they,\\ntoo, lost their livelihoods?\\n\\n>Is it the rigth way to deal with the problem ??\\n\\n The problem of poverty and rage in Los Angeles, no it isn\\'t.\\nHowever, if that problem becomes a violent action, then yes, it can\\nbe appropriate. Whether or not some person has been hurt by their condition\\nwon\\'t make me less dead if they burn down my house with me in it.\\n\\n You have to examine which problem you\\'re referring to. If\\nyou\\'re discussing someone violently assaulting you, then it is\\na perfectly legitimate response to make them stop. (Hopefully\\nsimply letting them know you\\'re prepared to shoot them would be enough,\\nas it was with the above-mentioned store-owners.)\\n\\n>If everybody buys guns to protect themselves from criminals (and their neighbor who have\\n>guns) what do you think will happen ?? (I mean if everybody had a gun in USA)\\n\\n 45% of Households have some form of firearm, usually a long gun.\\nThat accounts for a level of access for at least 100 million Americans.\\nFirearm ownership is most likely among educated, well-off whites, the\\ngroup *least* likely to be involved in violent crime.\\n\\n You may take that for what it\\'s worth.\\n\\n------------------------------------------------------------------------\\nDavid Veal Univ. of Tenn. Div. of Cont. Education Info. Services Group\\nPA146008@utkvm1.utk.edu - \"I still remember the way you laughed, the day\\nyour pushed me down the elevator shaft; I\\'m beginning to think you don\\'t\\nlove me anymore.\" - \"Weird Al\"\\n',\n", + " 'From: skinner@sp94.csrd.uiuc.edu (Gregg Skinner)\\nSubject: Re: Davidians and compassion\\nReply-To: g-skinner@uiuc.edu\\nOrganization: UIUC Center for Supercomputing Research and Development\\nLines: 26\\n\\nsandvik@newton.apple.com (Kent Sandvik) writes:\\n\\n>In article <1993Apr20.143400.569@ra.royalroads.ca>, mlee@post.RoyalRoads.ca\\n>(Malcolm Lee) wrote:\\n>> Do you judge all Christians by the acts of those who would call\\n>> themselves Christian and yet are not? The BD\\'s contradicted scripture\\n>> in their actions. They were NOT Christian. Simple as that. Perhaps\\n>> you have read too much into what the media has portrayed. Ask any\\n>> true-believing Christian and you will find that they will deny any\\n>> association with the BD\\'s. Even the 7th Day Adventists have denied any\\n>> further ties with this cult, which was what they were.\\n\\n>Well, if they were Satanists, or followers of an obscure religion,\\n>then I would be sure that Christians would in unison condemn and \\n>make this to a show case.\\n\\nYou might be sure, but you would also be wrong.\\n\\n>And does not this show the dangers with religion -- in order \\n>word a mind virus that will make mothers capable of letting\\n>their small children burn to ashes while they scream?\\n\\nI suspect the answer to this question is the same as the answer to,\\n\"Do not the actions of the likes of Stalin show the dangers of\\natheism?\"\\n\\n',\n", + " 'From: topcat!tom@tredysvr.tredydev.unisys.com (Tom Albrecht)\\nSubject: Re: Revelations\\nOrganization: Applied Presuppositionalism, Ltd.\\nLines: 30\\n\\nhudson@athena.cs.uga.edu (Paul Hudson Jr) writes:\\n\\n> >Now, as to the suggestion that all prophecy tends to be somewhat cyclical,\\n> >can you elaborate? I\\'m not exactly sure what you mean. How does the\\n> >suggestion relate to Isaiah\\'s prophecy of the birth of Christ by a virgin? \\n> >I don\\'t see any cycles in that prophecy.\\n> \\n> Maybe cyclical is not the best word. ...\\n> \\n> Another example would be the Scripture quoted of Judas, \"and his bishoprick\\n> let another take.\" Another example is something that Isaiah said of His\\n> disciples which is also applied to Christ in Hebrews, \"the children thou\\n> hast given me.\"\\n> \\n> How does the preterist view account for this phenomenon.\\n\\nAh, double-fulfillment. First of all I would say that I\\'m not sure all\\nthe prophecies had double-fulfillment, e.g., the Isaiah 7:14 prophecy.\\n\\nI would say that just because this happens on some occasions does not mean\\nit will occur always, especially with regard to NT prophecies. The apostles\\nwho quoted the OT and applied those passages to Jesus were acting as divine\\nmessengers and giving the inerrant Word of God to the Church. No one has\\nthat authority today. No one has the apostolic authority to say that\\nsuch-and-such a prophecy has double-fulfillment. If the imagry of\\nRevelation fits with events of the 1st century, it is folly for us to try\\nand make it apply to events 20 centuries later.\\n\\n--\\nTom Albrecht\\n',\n", + " 'From: h8714031@hkuxa.hku.hk (Mok Kam Wah)\\nSubject: Driver for S3801 2MB Card\\nNntp-Posting-Host: hkuxa.hku.hk\\nOrganization: The University of Hong Kong\\nX-Newsreader: TIN [version 1.1 PL6]\\nLines: 13\\n\\n\\nDear Netters,\\n\\n My friend have brought a S3801 card with 2Mb RAM. Is there any new driver \\nfor the card available on ftp cites? What is the newest version? She is very \\ninterest in have a driver for 1024x768 with HiColor and 800x600 true color.\\nNo such driver come with the card.\\n\\nK.W.Mok\\n--\\nK.W.Mok\\nE-Mail: h8714031@hkuxa.hku.hk\\nDept. of Chem., University of Hong Kong.\\n',\n", + " 'From: wdstarr@athena.mit.edu (William December Starr)\\nSubject: Re: Law and Economics\\nOrganization: Northeastern Law, Class of \\'93\\nLines: 174\\nNNTP-Posting-Host: nw12-326-1.mit.edu\\nIn-reply-to: thf2@midway.uchicago.edu\\n\\n\\n[Procedural note: Ted directed followups to misc.legal only. While I\\nrespect his right to do so, my own opinions are that (1) \"Followup-To\"\\nfields are mere suggestions, not mandatory commands and (2) this issue\\nis of sufficient (a) general political relevance and (b) civil liberties\\ninterest to warrant keeping it active in t.p.m and a.s.c-l as well, at\\nleast for this round.]\\n\\nIn article <1993Apr11.155955.23346@midway.uchicago.edu>, \\nthf2@midway.uchicago.edu said:\\n\\n> Uh, no. That\\'s not what happened in _Boomer_. What happened in\\n> _Boomer_ was that the judge didn\\'t allow the plaintiffs to blackmail\\n> the cement plant by demanding a multi-million dollar plant to be shut\\n> down over $185,000 in damages, and required the plant to pay the\\n> plaintiffs the $185,000 to make them whole. The plant would never\\n> have been shut down-- the plaintiff\\'s lawyers would have just\\n> negotiated a windfall settlement, because the plaintiffs would prefer\\n> an amount greater than $185K to having the plant shut down, while the\\n> plant would prefer any amount less than the value of the plant to have\\n> the plant continue in operation. Everyone\\'s property rights were\\n> protected; the plaintiffs were made whole; unnecessary settlement\\n> costs were avoided.\\n\\nOkay, now here\\'s my interpretation of _Boomer_, based on the facts as\\npresented in the New York Court of Appeals<*> holding (_Boomer v.\\n\\n<*>Note: The New York Court of Appeals is the highest court in New York\\n State. While the United States and 48 of the fifty states call their\\n highest court \"Supreme Court,\" \"Supreme Judicial Court\" or \"Supreme\\n Court of Appeals,\" Maryland and New York call theirs simply the\\n \"Court of Appeals.\" To make matters worse, New York also calls its\\n _second-highest_ court the \"Supreme Court, Appellate Division\"...\\n\\nAtlantic Cement Co._, 26 N.Y.2d 219, 257 N.E.2d 870 (1970)):\\n\\nOscar H. Boomer, et al., owned land near the Atlantic Cement company\\'s\\nplant near Albany, N.Y. (The fact pattern gives no information as to\\nwhich came first, the plaintiff\\'s acquisition of the land or he\\ndefendant\\'s start of production at their cement plant.) In the course\\nof its regular operations, the cement plant did injury to the\\nplaintiffs\\' property via dirt, smoke and vibrations emanating from the\\nplant. The plaintiffs sought injunctive relief -- that is, they asked\\nthe court to order Atlantic Cement to stop damaging their property.\\n\\n(Commentary: this seems entirely reasonable to me. Boomer at al owned\\ntheir property and, presumably, a right to quiet enjoyment of it.\\nAtlantic Cement\\'s actions were depriving Boomer et al of that right.)\\n\\nInstead of granting the plaintiffs\\' request for an injunction, the court\\nordered them to accept the damage being done to their property, provided\\nthat Atlantic Cement paid them $185,000 in compensatory damages. In\\nother words, the court granted Atlantic Cement Co., a private party, the\\npower and authority to _take_ the plaintiffs rights to quiet enjoyment\\nof their property by eminent domain. A taking by eminent domain is\\nalways problematical even when it\\'s done by the state; allowing a\\nprivate firm to do it is, in my opinion, totally wrong.\\n\\n(Yes, I know, the _Boomer_ court didn\\'t call it eminent domain. But if\\nit walks like eminent domain and swims like eminent domain and quacks\\nlike eminent domain...)\\n\\nLet me take issue with the way you\\'ve presented the case... you say that\\n\"What happened in _Boomer_ was that the judge didn\\'t allow the\\nplaintiffs to blackmail the cement plant by demanding a multi-million\\ndollar plant to be shut down over $185,000 in damages.\" Blackmail?\\n\\n (Pulls out Black\\'s Law Dictionary, Abridged 5th Edition....\\n \"Blackmail: Unlawful demand of money or property under threat to\\n do bodily harm, to injure property, to accuse of crime, or to expose\\n disgraceful defects. This crime is commonly included under\\n extortion statutes.\")\\n\\nHow do you define as \"blackmail\" one party\\'s act of demanding the right\\nto set its own sale price for a unique piece of property which it owns\\nand which another party has expressed an interest in buying? Or of\\ndemanding the right not to sell that property at any price? As I see\\nit, Boomer et al, having found themselves in the fortunate position of\\nowning something which Atlantic Cement had to purchase if it wanted to\\nstay in business, had every right in the world to set whatever price\\nthey wanted. There isn\\'t, or at least shouldn\\'t be, any law that says\\nthat you have to be a nice guy in your private business dealings.\\n\\nYou go on to say: \"The plant would never have been shut down -- the\\nplaintiff\\'s lawyers would have just negotiated a windfall settlement,\\nbecause the plaintiffs would prefer an amount greater than $185K to\\nhaving the plant shut down, while the plant would prefer any amount less\\nthan the value of the plant to have the plant continue in operation.\"\\n\\nIf so, so what? Since when are the courts supposed to be in the\\nbusiness of preventing parties from reaping windfall settlements from\\nother parties when those settlements arise from wrongful acts by those\\nother parties? If Atlantic Cement didn\\'t want to have to face a choice\\nbetween paying a windfall settlement or going out of business, well,\\nshouldn\\'t Atlantic Cement have thought of that before going _into_\\nbusiness? (I note that as far as the facts show Boomer et al were _not_\\nthe parties responsible for bringing about this situation -- that was\\nAtlantic Cement\\'s own fault for choosing to build and operate the type\\nof plant they did where and when they did.)\\n\\nAnd then you say: \"Everyone\\'s property rights were protected; the\\nplaintiffs were made whole; unnecessary settlement costs were avoided.\"\\nAs above, I dispute your claim that the plaintiffs were \"made whole.\"\\nThey were, in fact, by court action deprived of their rights as owners\\nof property to choose to sell or not sell that property at a price\\nacceptable to them. And for that deprivation they were _not_ made\\nwhole. And again I ask: Since when are the courts supposed to be in the\\nbusiness of ensuring that \"unnecessary\" settlement costs are avoided?\\n(If so, I\\'ve been miseducated -- I always thought that the courts were\\nsupposed to be in the business of ensuring that justice is done.)\\n\\n> Is _Boomer_ really being taught as \"infamous?\" That\\'s really sad if\\n> it is, because I fail to see how it\\'s less than completely sensible.\\n> You should read the law and economics stuff first-hand instead of\\n> filtered through teachers who clearly don\\'t like it, for whatever\\n> inexplicable reasons.\\n\\n(1) _Boomer_ is not being taught as \"infamous,\" at least not at my\\nschool.\\n\\n(Aside: Northeastern Law usually does a very good job of hiring for\\ntheir first-year, mandatory classes (such as Torts, where I first\\nencountered _Boomer_) instructors who, regardless of their personal\\nopinions, can and do teach the law neutrally. When the students get\\ninto their second and third years, in which the students (a) can pick\\nand choose which courses to take (except for the mandatory Professional\\nResponsibility, of course) and (b) are presumed to be a bit more worldly\\nand self-confident, less likely to be consciously or sub-consciously\\nintimidated by Law School Professors and able to learn from openly\\nbiased instructors rather than be indoctrinated by them, the instructors\\ntend to be more open in expressing their own opinions. This is\\nespecially true of part-time instructors who, in real life, are\\npracticing attorneys or sitting judges... this can be _very_\\neducational, sometimes far more so than being taught by a somewhat\\ncloistered scholar. End of aside.)\\n\\nI called it infamous because that\\'s my opinion of it. For the reasons\\nI\\'ve stated above, I believe it to be a triumph of something that I can\\nonly call \"economic correctness\" over justice.\\n\\n(2) It is \"completely sensible\" only if you believe that the alleged\\nright of the owners of Atlantic Cement to stay in business and avoid\\nlosing a lot of their own money due to their own wrongful act, and\\nthe alleged right of several hundred Atlantic Cement employees to\\nnot have their jobs disappear, should trump the rights of people who\\nown property which was damaged by Atlantic Cement\\'s wrongful acts.\\n(And if you believe that it is correct for the courts (or any other\\nbranch of government) to grant to private parties the right to take\\nother people\\'s property by eminent domain.)\\n\\n> You\\'d like Posner, Bill. He\\'s a libertarian.\\n\\nReally? I didn\\'t know that... what, if anything, has he had to say\\nabout cases like _Boomer_?\\n\\n> Of course, he has too much of a paper trail to ever be nominated by a\\n> president, Democrat (won\\'t like his antitrust stance) or Republican\\n> (won\\'t like his support of gay marriage), and if bright law students\\n> \"shiver\" at what they don\\'t understand, it\\'s easy to imagine how the\\n> press will play it up as baby-selling. (I\\'ve seen Mike Godwin claim\\n> that Posner asserts that law and economics is applicable to everything\\n> and is the end-all and be-all, when Posner says precisely the\\n> opposite.) So it goes.\\n\\nI\\'ve admitted that my understanding of the field generally referred to\\nas \"law and economics\" is weak. If it advocates the use of economical\\nanalysis as one of many \"tie-breaker\" factors which courts may use to\\nhelp them reach decisions in cases in which the dispute, as measured by\\nthe scale of \"justice\", is evenly balanced, fine. But as illustrated by\\n_Boomer_, it is _not_ fine when the courts start viewing the economics\\nof a case as being more important than the justice of a case.\\n\\n-- William December Starr \\n\\n',\n", + " 'From: thf2@kimbark.uchicago.edu (Ted Frank)\\nSubject: Re: The state of justice\\nReply-To: thf2@midway.uchicago.edu\\nOrganization: University of Chicago\\nLines: 26\\n\\nIn article <1993Apr16.131041.8660@desire.wright.edu> demon@desire.wright.edu (Not a Boomer) writes:\\n>In article <1qksa4INNi7m@shelley.u.washington.edu>, tzs@stein2.u.washington.edu (Tim Smith) writes:\\n>> What kind of witnesses? If we are talking about witnesses who were at\\n>> the accident, or were otherwise directly involved (e.g., paramedics,\\n>> emergency room doctors, etc.), then they should have been used at the\\n>> first trial. You don\\'t get a new trial because you screwed up and\\n>> forgot to call all of your witnesses.\\n>\\n>\\tThey are two witnesses who didn\\'t come forth until after the first\\n>trial. While it would be \"tough luck\" for GM if they new about these witnesses\\n>beforehand, IMO this constitutes \"new evidence\".\\n\\nThe test isn\\'t whether GM knew--otherwise that would reward GM for its\\nstupidity. The test is whether GM reasonably should have known of their\\nexistence. It works both ways--if GM had won the trial, and the plaintiff\\nturned up two witnesses who came forward after the first trial who should\\nhave been located beforehand, too bad, so sad--no new trial.\\n\\nLike Tim said, you don\\'t get a new civil trial because you screwed up \\nthe first time around. Unlike the criminal justice system, repose is\\nmuch more important in the civil justice system.\\n-- \\nted frank | \\nthf2@kimbark.uchicago.edu | I\\'m sorry, the card says \"Moops.\"\\nthe u of c law school | \\nstandard disclaimers | \\n',\n", + " \"From: branham@binah.cc.brandeis.edu\\nSubject: Windows Locks up with green lines down the Screen\\nReply-To: branham@binah.cc.brandeis.edu\\nOrganization: Brandeis University\\nLines: 18\\n\\nHi, I am using a dtk 386-20Mhz 13Meg memory to run a variety of\\nprograms, and have had problems off and on with lock up,\\nbut now I am trying to run an application that wants a lot of memory\\nover a period of time (Playmation 24 bit rendered) and it is \\nlocking up Everytime. I have an ATI ultra + w/2Meg which I have\\ntried in each of the video modes, I have excluded the region of\\nvideo memory from A000-C800 segments from the use of emm386,\\nhave tried adjusting the swap partion from large to nonexistant (to\\nprevent swapping) and I have REM'd ALL TSR's and utilities in config.syus\\nand autoexec, and even tried using the default program manager, disabling\\nmy HP dashboard. even with a minimal system, no swap, no smartdrv,\\nno TSR's, no windows utilities and exclusion of video regions it still\\nlocks up completely (no mouse control, no response to anything except\\n3finger salute, and even that does not stop by the standard windows\\nscreen, but simply does a full reset immediately). Just about out\\nof ideas, anyone out there have any???? Thanks\\ntom branham\\nbranham@binah.cc.brandeis.edu\\n\",\n", + " \"From: jdz1@Ra.MsState.Edu (John D. Zitterkopf)\\nSubject: Info: NEC70001AB Amp. IC & ~20W AMP secs & possible PSPICE models\\nKeywords: Audio, AMPS\\nNntp-Posting-Host: ra.msstate.edu\\nOrganization: Mississippi State University\\nLines: 40\\n\\nHi,\\n\\n\\tBeing a Electronic Engineering Student with only Electronic II under\\nmy belt, I find myself *needing* to build a moderate wattage Audio Amp. So, \\nI'll throw out a couple of question for the vast knowledge of the 'net'!\\n\\n\\tPlease Explain how Watts are calculated in Audio Amp circuits. No,\\nNot P=I*E, Just how it relates to one of the following:\\n\\n\\tAi [Current Gain]\\n\\tAv [Voltage Gain]\\n\\tAp [Power Gain]\\n\\tor whatever.\\n\\nI already have a ?wonderful? cheap I.E <$20 schematic for a 20W amp, but\\nI would like to Cross/improve the circuit. The problem is that the parts\\nlist has IC1 and IC2 as NEC70001AB amplifiers. They look like ?11 pin? \\nSIP packages with a heatsink. This schematic was published in a 1991 mag\\nso it may be non-existant now. Anyway, I tried looking up a replacement in\\nthe latest Digi-key Cat and found it not listed 8(. The closes I could\\nfigure was a 9 pin SIP as TDA1520BU. Anyone got any Ideas? \\n\\n\\tI thought, hey I can rin a PSPICE simulation using 741 opamp \\nmodels. Yea, great! It worked. But, I guess the 741 wasn't made for High\\npower amps. As a result, I got a Voltage gain of ~15mV/V. Worse than\\nI started with 8(... Does anyone have a PSPICE CKT file with cheap yet\\ngood gain? How about some models for some of the chips listed in this \\nE-mail? Any ASCII Chip info you guys can send me? \\n\\nI'm open to Suggestions/Ideas/Comments/Help!\\nPlease E-mail since I have little time to search the News... \\nAnd I'll post if there's and interest!\\nJohn\\n\\n\\n--\\n ____________ _------_ |||IBM & | EE majors Do it Best 8-)\\n --------\\\\\\\\ ] ~-______-~ |||Atari |~~~~~~~~~John D. Zitterkopf~~~~~~~~~~~~~\\n (~~~~~\\\\\\\\|_(__ ~~ / | \\\\Rules!jdz1@ra.MsState.edu jdz1@MsState.bitnet\\n \\\\______| ( / | \\\\ |AOL: zitt@aol.com jdz1@isis.MsState.edu \\n\",\n", + " \"From: chris1@donner.cc.bellcore.com (ross,christina l)\\nSubject: Re: BRAINDEAD Drivers Who Don't Look Ahead--\\nOrganization: Bellcore, Livingston, NJ\\nDistribution: usa\\nKeywords: bad drivers\\nLines: 44\\n\\nIn article <9595@tekig7.PEN.TEK.COM>, jitloke@tekig5.pen.tek.com (Jit-Loke Lim) writes:\\n> >In article <1993Apr14.140642.19875@cbnewsd.cb.att.com> hhm@cbnewsd.cb.att.com (herschel.h.mayo) writes:\\n> >anybody is going anywhere. So, I block the would-be passers. Not only for my own\\n> >good , but theirs as well even though they are often too stupid to realize it.\\n> \\n> Ah, we are looking for good people just like you. We are a very concerned\\n> group of citizens who are absolutely disgusted at the way that the majority\\n> of drivers simply disobey traffic rules like going above the speed limit,\\n> passing on our right, and riding our tails, while all the while we respectfully\\n> abide by the rules of this great country and maintain the mandated speed\\n> limits with our calibrated, certified cruise controls, while keeping the\\n> respectful 1.5 car length distance/10 mph speed. How many times have you been\\n> ticked off by some moron who jumps ahead in the (5.5 * 1.5)8.25 car lengths \\n> that you have left between you and the vehicle ahead of you while driving\\n> 55 mph? Finally you have an option. We are a totally member supported group\\n> that perform functions for our own good, for the good of this great country but MOST of all for those unfortunate ones that are too stupid to realize it,\\n> bless their souls. For a paltry $10, you can join Citizens for Rationally \\n> Advanced Piloting(C.R.A.P), a non-profit, members only, society. But, but,but,\\n> there is a slight hitch, the initiation rite. To be a full fledged member of\\n> this exclusive club, you must proof that you are able to be in the fast lane of\\n> the busiest interstate in your area, keep the correct 1.5 car lenth/10 mph speedand I know this can be difficult with those morons around, NOT let anybody pass\\n> you, not in the next lane, not in the slow lane, not in the breakdown lane,\\n> not NOWHERE. For a complete list of acceptable interstates and times, send $5.\\n> And by the way, over 90% of our members are highly regarded attorneys in the\\n> auto field and they are completely, absolutely positively in the business ONLY\\n> to serve your best interests. As a testament to their virtues, they will give\\n> members 90% off the initial consultation fee. Feel free to drop me a line at\\n> your earliest convenience and remember, only SPEED kills!\\n> \\n> Jit\\n> \\n> \\n> \\n> \\n\\nOf course you are a bunch of arrogant lawyers who know whats best for the \\nrest of us. You are doing such a wonderful job with our judicial system,\\ngetting all the criminals off, I bow to your superior intellect. Not to\\nmention the fees you collect from us poor slobs who get tickets from \\nspeeding State Police officers, so you can soak is when we go to court.\\nI just love lawyer jokes! Don't you?\\n\\nC. \\n\\n\",\n", + " 'From: tuinstra@sunspot.ece.clarkson.edu.soe (Dwight Tuinstra)\\nSubject: WH proposal from Police point of view\\nReply-To: tuinstra@sunspot.ece.clarkson.edu.soe\\nOrganization: Sun Microsystems, Inc.\\nLines: 55\\nNntp-Posting-Host: sunspot.ece.clarkson.edu\\n\\nIt might pay to start looking at what this proposal might mean to a\\npolice agency. It just might be a bad idea for them, too.\\n\\nOK, suppose the NY State Police want to tap a suspect\\'s phone. They\\nneed a warrant, just like the old days. But unlike the old days, they\\nnow need to \\n\\n (a) get two federal agencies to give them the two parts of\\n the key.\\n\\nNow, what happens if there\\'s a tiff between the two escrow houses?\\nPosession/release of keys becomes a political bargaining chit. State\\nand lower-level police agencies have to watch the big boys play politics,\\nwhile potentially good leads disappear, lives and property are lost,\\nstatutes of limitations run out, etc. Not to mention: a moderately\\nclever person who suspects the police are after her/him will be buying\\nnew phones faster than tap requests can be processed. Or using stolen\\nones. [Will the Turing Police come and arrest you for transmitting\\nwithout a dialing license?]\\n\\nThere\\'s also bureacracy and security problems -- within each escrow house, \\nhow will requests for key disclosure be authenticated? Put in enough\\nsafeguards of the kind bureaucrats and activists feel comfortable with, and \\nit might take a LONG time to get that key. [Even when a request is approved, \\nhow is the key going to be disclosed? Will it be encrypted by a Clipper-type\\nchip for transmission? In a bureaucracy the size of the Federal\\nGovernment, with a databank of the necessary size, and data traffic of\\nthe projected volume, there\\'s going to be a lot of weak links. How many of \\nthese kinds of problems will be open for public or \"expert\" scrutiny?] \\n\\nFurthermore, the Feds might be leery of handing completed keys around, \\neven to State Police agencies: a trust and security issue. This would be \\nan especially acute issue if some other State\\'s Police had mishandled a \\nkey, resulting in lawsuits, financial settlements, and political \\nembarassment. So, the Feds implement it this way:\\n \\n (b) some federal agency gets the keys, performs the tap, and\\n turns the results over to the NY State Police.\\n\\nBut let\\'s say Cuomo\\'s been causing some problems over a Clinton\\nAid-To-Urban-Areas proposal. Or there just happens to be a turf war\\ngoing on between the State cops and the Justice department on a case.\\nNow, not only do we have the keys as a political chit, we have an\\nextra player in the game *and* we have the tap\\'s tapes as another\\nbargaining chit. Again, the State Police lose.\\n\\nI understand that (legal) wiretaps are quite expensive to maintain. In\\nscenario (b), who pays the bill?\\n\\n+========================================================================+\\n| dwight tuinstra best: tuinstra@sandman.ece.clarkson.edu |\\n| tolerable: tuinstrd@craft.camp.clarkson.edu |\\n| |\\n| \"Homo sapiens: planetary cancer?? ... News at six\" |\\n+========================================================================+\\n',\n", + " \"From: J056600@LMSC5.IS.LMSC.LOCKHEED.COM\\nSubject: Re: Lindros will be traded!!!\\nArticle-I.D.: LMSC5.93096.46336.J056600\\nOrganization: Lockheed Missiles & Space Company, Inc.\\nLines: 19\\n\\nIn <1993Apr5.163209.576@r-node.hub.org>, Jay Chu writes:\\n\\n>True rumor. Fact! A big three way deal!\\n\\n>Eric Lindros going to Ottawa Senators. And Senators get $15mill from\\n>Montreal.\\n\\n>Montreal gets Alexander Daigle (the first round pick from Senators)\\n\\n>Philly gets Damphousse, Bellow, Patrick Roy and a draft pick.\\n\\nSheesh. The rumor mill strikes again. But let's just assume this were true.\\nMy question is this:\\n\\nWhat would Montreal give San Jose if the Sharks got first pick and took Daigle?\\n\\n\\nTim Irvin\\n*****************************************************************************\\n\",\n", + " \"From: grogers@slacvx.slac.stanford.edu (Greg Rogers)\\nSubject: Hockey on TV in the Bay area, NOT!\\nReply-To: grogers@slacvx.slac.stanford.edu (Greg Rogers)\\nOrganization: Stanford Linear Accelerator Center\\nLines: 9\\n\\nHi all,\\n\\nI don't get the sport's channel and I'm desparate for some playoff action\\n(especially the Cannucks). Does anyone know of a sports bar on the Bay\\nPeninsula that will be showing hockey games. I'm looking for something \\nbetween redwood City and Mountain View.\\n\\nThanks a lot,\\nGreg\\n\",\n", + " 'From: gregof@JSP.UMontreal.CA (Grego Filippo)\\nSubject: Info wanted on Tseng Labs ET4000 VLB\\nOrganization: Universite de Montreal\\nLines: 9\\n\\nHi fellow netters,\\n\\ndoes anybody have any info on Tseng Labs ET4000 VLB card:\\nprice, speed, compatibility with existing and up-comming softwares,\\nperformance compared to others cards ( is it an S3 based card ?)....\\n\\nThank you..\\n\\n\\n',\n", + " \"From: mcovingt@aisun3.ai.uga.edu (Michael Covington)\\nSubject: Re: Radio Electronics Free information card\\nNntp-Posting-Host: aisun3.ai.uga.edu\\nOrganization: AI Programs, University of Georgia, Athens\\nLines: 18\\n\\nIn article v064mb9k@ubvmsb.cc.buffalo.edu (NEIL B. GANDLER) writes:\\n>\\n>\\tHow does the radio Electronics free information cards work.\\n>Do they just send you some general information about the companies that\\n>advertise in their magazine or does it also give you sign you up for a\\n>catalog. \\n\\nRadio-Electronics sends each company a bunch of computer-printed address\\nlabels for all the people who circled that company's number.\\n\\nThe company sends whatever it wants to -- normally a catalog.\\n\\n\\n-- \\n:- Michael A. Covington, Associate Research Scientist : *****\\n:- Artificial Intelligence Programs mcovingt@ai.uga.edu : *********\\n:- The University of Georgia phone 706 542-0358 : * * *\\n:- Athens, Georgia 30602-7415 U.S.A. amateur radio N4TMI : ** *** ** <><\\n\",\n", + " 'From: mserv@mozart.cc.iup.edu (Mail Server)\\nSubject: Re: homosexual issues in Christianity\\nLines: 76\\n\\nwhitsebd@nextwork.rose-hulman.edu (Bryan Whitsell) sent in a list of verses \\nwhich he felt condemn homosexuality. mls@panix.com (Michael Siemon) wrote in \\nresponse that some of these verses \"are used against us only through incredibly \\nperverse interpretations\" and that others \"simply do not address the issues.\"\\n\\nIn response, I wrote:\\n>I can see that some of the above verses do not clearly address the issues, \\n>however, a couple of them seem as though they do not require \"incredibly \\n>perverse interpretations\" in order to be seen as condemning homosexuality.\\n> \\n>\"... Do not be deceived; neither fornicators, nor idolators, nor adulterers, \\n>nor effeminate, nor homosexuals, nor thieves, nor the covetous, nor drunkards, \\n>nor revilers, nor swindlers, shall inherit the kingdom of God. And such were \\n>some of you...\" I Cor. 6:9-11.\\n> \\n>Would someone care to comment on the fact that the above seems to say\\n>fornicators will not inherit the kingdom of God? How does this apply\\n>to homosexuals? I understand \"fornication\" to be sex outside of\\n>marriage. Is this an accurate definition? Is there any such thing as\\n>same-sex marriage in the Bible? My understanding has always been that\\n>the New Testament blesses sexual intercourse only between a husband\\n>and his wife. I am, however, willing to listen to Scriptural evidence\\n>to the contrary.\\n[remainder of my post deleted] The moderator then made some comments I would \\nlike to address:\\n\\n>[There\\'s some ambiguity about the meaning of the words in the passage\\n>you quote. Both liberal and conservative sources seem to agree that\\n>\"homosexual\" is not the general term for homosexuals, but is likely to\\n>have a meaning like homosexual prostitute. That doesn\\'t meant that I\\n>think all the Biblical evidence vanishes, but the nature of the\\n>evidence is such that you can\\'t just quote one verse and solve things.\\n\\nIf you are referring to the terms \"effeminate\" and \"homosexuals\" in\\nthe above passage, I agree that the accuracy of the translation has\\nbeen challenged. However, I was simply commenting on the charge that\\nit is an \"incredibly perverse\" interpretation to read this as a\\ncondemnation of homosexuality. Such a charge seems to imply that no\\nreasonable person would ever conclude from the verse that Paul\\nintended to condemn homosexuality; however, I think I can see how a\\nreasonable person might very well take this view of the verse.\\nTherefore I do not believe it is \"incredibly perverse\" to read it in\\nthis way.\\n\\n>I think your argument from fornication is circular. Why is\\n>homosexuality wrong? Because it\\'s fornication. Why is it\\n>fornication? Because they\\'re not married. Why aren\\'t they married?\\n>Because the church refuses to do a marriage ceremony. Why does the\\n>church refuse to do a marriage ceremony? Because homosexuality is\\n>wrong. In order to break the circle there\\'s got to be some other\\n>reason to think homosexuality is wrong.\\n> \\n>--clh]\\n\\nActually, I wasn\\'t thinking of the church at all. After all, a couple\\ndoesn\\'t have to be married by a minister. A secular justice of the\\npeace could do the job, and the two people would be married. My point\\nwas that it is easy to find a biblical basis for heterosexual\\nmarriage, but where in the Bible would one get a Christian marriage\\nbetween two people of the same sex? And if you do see a biblical\\nbasis for same-sex marriages, how willing would gay Christians be to\\n\"save themselves\" for such a marriage and to never have sexual\\nintercourse with anyone outside of that marriage relationship? Please\\nnote that I am not trying to imply that gay Christians would not be\\nwilling to be so monogamous, I am genuinely interested in hearing\\nopinions on the subject. I have heard comments from gays in the past\\nthat lead me to believe they regard promiscuity as one of the main\\npoints of being homosexual, yet I tend to doubt that gays who want to\\nbe Christian would advocate such a position. So what is the gay view?\\n\\n- Mark\\n\\n[Yes, I agree that a reasonable person might conclude that Paul is\\ncondemning homosexuality. I was responding to certain details of\\nyour posting. That doesn\\'t mean I agree with Michael in all\\nrespects. --clh]\\n',\n", + " ' howland.reston.ans.net!europa.eng.gtefsd.com!uunet!mcsun!Germany.EU.net!news.dfn.de!tubsibr!dbstu1.rz.tu-bs.de!I3150101\\nSubject: Re: Gospel Dating\\nFrom: I3150101@dbstu1.rz.tu-bs.de (Benedikt Rosenau)\\nOrganization: Technical University Braunschweig, Germany\\nLines: 35\\n\\nIn article <66015@mimsy.umd.edu>\\nmangoe@cs.umd.edu (Charley Wingate) writes:\\n \\n(Deletion)\\n>I cannot see any evidence for the V. B. which the cynics in this group would\\n>ever accept. As for the second, it is the foundation of the religion.\\n>Anyone who claims to have seen the risen Jesus (back in the 40 day period)\\n>is a believer, and therefore is discounted by those in this group; since\\n>these are all ancients anyway, one again to choose to dismiss the whole\\n>thing. The third is as much a metaphysical relationship as anything else--\\n>even those who agree to it have argued at length over what it *means*, so\\n>again I don\\'t see how evidence is possible.\\n>\\n \\nNo cookies, Charlie. The claims that Jesus have been seen are discredited\\nas extraordinary claims that don\\'t match their evidence. In this case, it\\nis for one that the gospels cannot even agree if it was Jesus who has been\\nseen. Further, there are zillions of other spook stories, and one would\\nhardly consider others even in a religious context to be some evidence of\\na resurrection.\\n \\nThere have been more elaborate arguments made, but it looks as if they have\\nnot passed your post filtering.\\n \\n \\n>I thus interpret the \"extraordinary claims\" claim as a statement that the\\n>speaker will not accept *any* evidence on the matter.\\n \\nIt is no evidence in the strict meaning. If there was actual evidence it would\\nprobably be part of it, but the says nothing about the claims.\\n \\n \\nCharlie, I have seen Invisible Pink Unicorns!\\nBy your standards we have evidence for IPUs now.\\n Benedikt\\n',\n", + " 'From: groleau@e7sa.crd.ge.com (Wes Groleau X7574)\\nSubject: Re: Discussions on alt.psychoactives\\nNntp-Posting-Host: 144.219.40.1\\nOrganization: GE Corp R&D Center, Schenectady NY\\nLines: 3\\n\\nRe: serious discussion about drugs vs. \"Where can I get a good bong, man?\"\\n\\nWhy not have the group moderated? That would eliminate some of the idiots.\\n',\n", + " 'From: devil@loki.HellNet.org (Gil Tene)\\nSubject: COSE GUI - Just what is it they agreed on?\\nLines: 31\\nNntp-Posting-Host: loki\\n\\nThe COSE announcement specifies that Motif will become the common\\nGUI. But what does this mean exactly? \\n\\n- Do they mean that all \"COSE-complient\" apps will have the Motif\\n look and feel?\\n\\n- Do they mean that all \"COSE-complient\" apps will use the Motif\\n toolkit API?\\n\\n- Do they mean both of the above?\\n\\n- Is it possible that there will be a Motif-API complient toolkit with\\n an OpenLook Look & Feel?\\n\\n- How about an OLIT/XView/OI/Interviews API toolkit with a Motif L & F?\\n (I know OI already does this, but will this be considered COSE-complient?)\\n\\n- Will there be more than one \"standard\" toolkit API or L & F supported?\\n\\n- How does using ToolTalk fit in with Motif?\\n\\nThis is my attempt to start a discussion in order to pull as much \\nknowledge about these questions off the net... Feel free to e-mail\\nor followup.\\n\\n-- \\n--------------------------------------------------------------------\\n-- Gil Tene\\t\\t\\t\"Some days it just doesn\\'t pay -\\n-- devil@imp.HellNet.org\\t to go to sleep in the morning.\" -\\n-- devil@diablery.10A.com \\t\\t\\t\\t\\t -\\n--------------------------------------------------------------------\\n',\n", + " 'From: khiet@crystallizer.ecn.purdue.edu (Peter Thanh Khiet Vu)\\nSubject: Wanted: AIRCONDITIONER\\nKeywords: WANTED\\nOrganization: Purdue University Engineering Computer Network\\nLines: 4\\n\\n I am looking for a good used window air conditioner. A small\\none is preffered. Call 495-2056 (Peter) and we\\'ll talk about it.\\nOr email me. \"khiet@cn.ecn\"\\n\\n',\n", + " 'From: djf@cck.coventry.ac.uk (Marvin Batty)\\nSubject: Re: Moon Colony Prize Race! $6 billion total?\\nNntp-Posting-Host: cc_sysk\\nOrganization: Starfleet, Coventry, UK\\nLines: 49\\n\\nIn article <1993Apr20.020259.1@aurora.alaska.edu> nsmca@aurora.alaska.edu writes:\\n>I think if there is to be a prize and such.. There should be \"classes\"\\n>such as the following:\\n>\\n>Large Corp.\\n>Small Corp/Company (based on reported earnings?)\\n>Large Government (GNP and such)\\n>Small Governemtn (or political clout or GNP?)\\n>Large Organization (Planetary Society? and such?)\\n>Small Organization (Alot of small orgs..)\\n\\nWhatabout, Schools, Universities, Rich Individuals (around 250 people \\nin the UK have more than 10 million dollars each). I reecieved mail\\nfrom people who claimed they might get a person into space for $500\\nper pound. Send a skinny person into space and split the rest of the money\\namong the ground crew!\\n>\\n>The organization things would probably have to be non-profit or liek ??\\n>\\n>Of course this means the prize might go up. Larger get more or ??\\n>Basically make the prize (total purse) $6 billion, divided amngst the class\\n>winners..\\n>More fair?\\n>\\n>There would have to be a seperate organization set up to monitor the events,\\n>umpire and such and watch for safety violations (or maybe not, if peopel want\\n>to risk thier own lives let them do it?).\\n>\\nAgreed. I volunteer for any UK attempts. But one clause: No launch methods\\nwhich are clearly dangerous to the environment (ours or someone else\\'s). No\\nusage of materials from areas of planetary importance.\\n\\n>Any other ideas??\\n\\nYes: We should *do* this rather than talk about it. Lobby people!\\nThe major problem with the space programmes is all talk/paperwork and\\nno action!\\n\\n>==\\n>Michael Adams, nsmca@acad3.alaska.edu -- I\\'m not high, just jacked\\n>\\n>\\n\\n\\n-- \\n**************************************************************************** \\n Marvin Batty - djf@uk.ac.cov.cck\\n\"And they shall not find those things, with a sort of rafia like base,\\nthat their fathers put there just the night before. At about 8 O\\'clock!\"\\n',\n", + " 'From: reb@hprnd.rose.hp.com (Ralph Bean)\\nSubject: Re: saturn pricing blatherings\\nArticle-I.D.: hpchase.1pqkjv$46l\\nOrganization: Hewlett Packard Roseville Site\\nLines: 12\\nNNTP-Posting-Host: hprnd.rose.hp.com\\nX-Newsreader: TIN [version 1.1 PL8.8]\\n\\nMihir Pramod Shah (mps1@cec1.wustl.edu) wrote:\\n: Robert J. Wade writes:\\n: > until...and more Saturn retailers are built(like 2 in the same city), \\n: \\t\\t ^^^^^^^^^^^^^^^^^^^^^^^\\n: ...most medium and large cities have...a small handful of Saturn dealers now\\n\\nSacramento has two Saturn dealerships.\\n\\n: Mihir Shah\\n\\nRalph Bean\\nhprnd.rose.hp.com\\n',\n", + " \"From: higgins@fnalf.fnal.gov (Bill Higgins-- Beam Jockey)\\nSubject: The Dream Machines: book on vaporware spacecraft\\nOrganization: Fermi National Accelerator Laboratory\\nLines: 133\\nNNTP-Posting-Host: fnalf.fnal.gov\\nSummary: Ron Miller book on history of spaceships from Krieger Publishing\\nKeywords: spaceships spacecraft astronautics history SF Miller\\n\\nRon Miller is a space artist with a long and distinguished career. \\nI've admired both his paintings (remember the USPS Solar System\\nExploration Stamps last year?) and his writings on the history of\\nspaceflight. For several years he's been working on a *big* project\\nwhich is almost ready to hit the streets. A brochure from his\\npublisher has landed in my mailbox, and I thought it was cool enough\\nto type in part of it (it's rather long). Especially given the Net's\\nstrong interest in vaporware spacecraft...\\n\\n ==================================\\n\\n The Dream Machines:\\nAn Illustrated History of the Spaceship in Art, Science, and Literature\\n\\n By Ron Miller\\n with Foreword by Arthur C. Clarke\\n\\nKrieger Publishing Company\\nMelbourne, Florida, USA\\nOrig. Ed. 1993\\nPre-publication $84.50\\nISBN 0-89464-039-9\\n\\n\\nThis text is a history of the spaceship as both a cultural and a\\ntechnological phenomenon. The idea of a vehicle for traversing the\\nspace betwen worlds did not spring full-blown into existence in the\\ntlatter half of theis century. The need preceded the ability ot make\\nsuch a device by several hundred years. As soon as it was realized\\nthat there were other worlds than this one, human beings wanted to\\nreach them. \\n\\nTracing the history of the many imaginative, and often prescient,\\nattempts to solve this problem also reflects the history of\\ntechnology, science, astronomy, and engineering. Once space travel\\nbecame feasible, there were many more spacecraft concepts developed\\nthan ever got off the drawing board-- or off the ground, for that\\nmatter. These also are described in theis book, for the same reason\\nas the pre-space-age and pre-flight ideas are: they are all accurate\\nreflections of their particular era's dreams, abilities, and\\nknowledge. Virtually every spaceship concept invented since 1500, as\\nwell as selected events important in developing the idea of\\nextraterrestrial travel, is listed chronologically. The chronological\\nentries allow comparisons between actual astronautical events and\\nspeculative ventures. They also allow comparisons between\\nsimultaneous events taking place in different countries. They reveal\\nconnections, influences, and evolutions hitherto unsuspected. Every\\nentry is accompanied by at least one illustration. Nearly every\\nspacecraft concept is illustrated with a schematic drawing. This\\nallows accurate comparisons to be made between designss, to visualize\\ndifferences, similarities, and influences.\\n\\nThis text will be of interest to students of astronautical history,\\nand also to model builders who would be interested in the schematic\\ndiagrams. Science fiction fans as well as aviation history buffs and\\nhistorians of science will also find this book to be fascinating. The\\nunique collection of illustrations makes it a visually attractive and\\nvery interesting history of the spaceship.\\n\\nSPECIAL FEATURES\\n\\nIncludes scale drawings of several hundred spacecraft, both real and\\nfictional\\n\\nContains scores of illustrations: artwork, drawings, and photos\\ncontemporary with the subject. This includes extremely rare\\nillustrations from scarce books and novels, exclusive photos and\\ndrawings fromSoviet spacecraft; rare stills from both famous and\\nobscure science fiction films, and unpublished photographs from NASA\\narchives\\n\\nAn index, bibliography, and appendices are included.\\n\\nCONTENTS\\n\\nPart I The Archaeology of the Spaceship (360 B.C. to 1783 A.D.)\\nPart II The invention of the Spaceship (1784-1899)\\nPart III The Experimenters (1900-1938)\\nPart IV The World War (1939-1945)\\nPart V The Golden Age of the Spaceship (1946-1960)\\nPart VI The Dawn of the Space Age (1961 to the present)\\n\\nABOUT RON MILLER\\n\\n[The brochure has a page of stuff here; I'll try to hit the high\\nspots.]\\n\\nFormer art director for Albert Einstein Planetarium at Smithsonian's\\nNational Air and Space Museum\\n\\nMember of International Association for Astronomical Arts, member of\\nInternational Astronautical Association, Fellow of the British\\nInterplanetary Society, consulting editor for *Air & Space\\nSmithsonian* magazine\\n\\nAuthor, co-author, editor, or sole illustrator on many books since\\n1979, including *Space Art*, *Cycles of Fire*, *The Grand Tour*, and\\nmany others, as well as many articles and papers\\n\\nBook jackets and interior art for over a dozen publishers \\n\\nContributor to IBM traveling exhibition and book *Blueprint for Space*\\n\\nProduction illustrator for movies *Dune* and *Total Recall*\\n\\nDesigner of ten-stamp set of commemorative space postage stamps for\\nU.S. Postal Service in 1991 (Solar System Exploration)\\n\\nORDERING INFORMATION\\n\\nPre-publication price $84.50 before 1 May 1993\\nAfterwards, price will be $112.50\\n\\nKrieger Publishing Company\\nPO Box 9542\\nMelbourne, FL 32902-9542\\nUSA\\nDirect order line (407)727-7270\\nFax (407)951-3671\\n\\nAdd $5.00 for shipping by UPS within USA for first book, $1.50 for each\\nadditional book. \\n\\nFor foreign orders, add $6.00 for first book, $2.00 for each\\nadditional. Additional charges for airmail shipments.\\n\\n O~~* /_) ' / / /_/ ' , , ' ,_ _ \\\\|/\\n - ~ -~~~~~~~~~/_) / / / / / / (_) (_) / / / _\\\\~~~~~~~~~~~zap!\\n / \\\\ (_) (_) / | \\\\\\n | | Bill Higgins Fermi National Accelerator Laboratory\\n \\\\ / Bitnet: HIGGINS@FNAL.BITNET\\n - - Internet: HIGGINS@FNAL.FNAL.GOV\\n ~ SPAN/Hepnet/Physnet: 43011::HIGGINS\\n\",\n", + " 'From: levin@bbn.com (Joel B Levin)\\nSubject: Re: Does Rush read his E-mail?\\nLines: 38\\nNNTP-Posting-Host: fred.bbn.com\\n\\nrsilvers@nynexst.com (Robert Silvers) writes:\\n|>>\\tSend something to Rush Linbaugh about Clinton taking away our right\\n|>>to privacy and how if the govt. standard takes off, only people with lots\\n|>>of money (drug dealers) will be able to justify DES stuff. He will slam\\n|>>Clinton for this on the air.\\n\\nHe\\'ll slam Clinton for anything at all on the air. I just do not\\nunderstand why he remains so popular. He\\'ll take a piece of video of\\nClinton walking along; find a frame in which Clinton wrinkles his\\nnose, say; freeze on it and blow it up full screen; and then rant for\\nfive minutes on how no one could possibly trust someone with such a\\nface and such beady greedy little eyes. I\\'ve seen this on his TV show\\n(it was around the time of the inauguration). Can anyone call this\\nstuff legitimate (I hate to say \"informed\") commentary? How can\\nanyone with half a brain in his or her head[1] continue to watch\\nit[2]?\\n\\nThe American TV-watching (and I guess radio-listening) public never\\nceases to amaze me.\\n\\n\\t/J\\n\\n[1] Oops, have I just inadvertently answered my own question?\\n\\n[2] I myself only see it when I run across it every couple months when\\n channel-surfing late at night; the longest I\\'ve been able to stand\\n him was about 10 minutes.\\n\\n(Apologies for stripping the alt.fan.rush groups from the Newsgroups\\nline; the software here apparently rejects anything with groups we\\ndon\\'t carry, and we don\\'t carry those. Also I removed sci.crypt from\\nfollowups.)\\n\\n=\\nNets: levin@bbn.com | \"There were sweetheart roses on Yancey Wilmerding\\'s\\nPOTS: (617)873-3463 | bureau that morning. Wide-eyed and distraught, she\\n N1MNF | stood with all her faculties rooted to the floor.\"\\n |\\t\\t\\t\\t\\t-- S. J. Perelman\\n',\n", + " \"From: biediger@lonestar.utsa.edu (David . Biediger)\\nSubject: Tangent Computer (EISA LB system)\\nNntp-Posting-Host: lonestar.utsa.edu\\nOrganization: University of Texas at San Antonio\\nDistribution: usa\\nLines: 9\\n\\n\\n Has anyone here dealt with Tangent? I'm looking at an 486 system\\n they have that has an EISA backplane with a VESA slot for video.\\n The SCSI contoller they use is made by Aorta. I've never heard\\n of this brand. Can anyone comment on Tangent or the controller?\\n\\n Thanks,\\n David\\n\\n\",\n", + " 'From: gatenb@mrisun.med.yale.edu (Chris Gatenby)\\nSubject: How do I expand RAM on a Plus?\\nKeywords: Plus,RAM\\nNntp-Posting-Host: mrisun.med.yale.edu\\nReply-To: gatenb@mrisun.med.yale.edu\\nOrganization: Dept. of NMR Research, Yale School of Medicine\\nLines: 14\\n\\nI have a mac plus with 2.5MB RAM. I have just bought an extra 2MB so that\\nI can have the max 4MB RAM that a plus supports. However, I can\\'t get it\\nto boot after I install the 2 extra SIMMs. Instead I get a sad mac (Sorry,\\nbut I can\\'t remember the code). Looking at the motherboard, I can see\\nthat 2 resistors have been snipped off where it says \"256Kb path -\\n1 row\". I assume that was done when the first 1MB SIMMs were added.\\n\\nSo, my question is: Are there any other resistors that need snipping? \\n\\t\\t\\t\\tor, Do I have bum SIMMs which need to be exchanged?\\n\\nAny and all advice will be appreciated.\\n\\nChris Gatenby\\ngatenb@mrisun.med.yale.edu\\n',\n", + " 'From: dtate+@pitt.edu (David M. Tate)\\nSubject: Re: How to speed up games (marginally realistic)\\nOrganization: Department of Industrial Engineering\\nLines: 25\\n\\nez027993@chip.ucdavis.edu (Gary Built Like Villanova Huckabay) said:\\n\\n>Baseball games take about 2:51 in the NL, and just a shade under 3 hours\\n>in the AL. That\\'s just too damn long. I don\\'t like to PLAY in 3 hour\\n>games, much less WATCH a game for that long. My butt falls asleep, and\\n>if I\\'m watching on TV, I\\'ll channel surf between pitches, catching\\n>colorized versions of Mr. Ed, Leave it to Beaver, and \"Those Wacky\\n>Nieporents\" on Nick at Nite.\\n\\nBut, Gary, for certain sofa tubers like myself, this is an advantage. I\\ncan watch the Pirates on KBL, the Mets on WWOR, the Braves on TBS, and the\\nmediots on ESPN at the same time, without missing anything. (If something\\nimpressive happens, I\\'ll catch the replay :-) ).\\n\\nSo, I see (essentially) 4 games in 3 hours, instead of 1 game in 2 hours.\\nWhat a deal!\\n\\n(Insert smileys as desired...)\\n\\n\\n-- \\n David M. Tate (dtate+@pitt.edu) | Greetings, sir, with bat not quick \\n member IIE, ORSA, TIMS, SABR | Hands not soft, eye not discerning\\n | And in Denver they call you a slugger?\\n \"The Big Catullus\" Galarraga | And compare you to my own Mattingly!?\\n',\n", + " 'From: Petch@gvg47.gvg.tek.com (Chuck Petch)\\nSubject: Daily Verse\\nOrganization: Grass Valley Group, Grass Valley, CA\\nLines: 4\\n\\nAbove all, love each other deeply, because love covers over a multitude of\\nsins. \\n\\nIPeter 4:8\\n',\n", + " \"From: gajarsky@pilot.njin.net (Bob Gajarsky - Hobokenite)\\nSubject: Re: My Belated Predictions (NL)\\nArticle-I.D.: pilot.Apr.6.00.29.46.1993.26280\\nOrganization: Somewhere in Hoboken\\nLines: 13\\n\\nbriefly, since i'm off to sleep.\\n\\nmle's work pretty well for AA nd AAA players.\\n\\nplayers who are 22 and younger will tend to have explosions\\n in their numbers, whether mMLE's or not, in the next 2 years...\\n\\nplayers who are 26 and OLDER, at those levels, generally have\\n inflated MLE's.\\n\\nthey're about as reliable as having major league stats for a player.\\n \\n - bob gaj\\n\",\n", + " \"From: richk@grebyn.com (Richard Krehbiel)\\nSubject: Re: IDE vs SCSI\\nIn-Reply-To: wlsmith@valve.heart.rri.uwo.ca's message of Thu, 15 Apr 1993 23:55:09 GMT\\nLines: 38\\nOrganization: Grebyn Timesharing, Inc.\\n\\nIn article <1993Apr15.235509.29818@julian.uwo.ca> wlsmith@valve.heart.rri.uwo.ca (Wayne Smith) writes:\\n\\n> In article <1qk7kvINNndk@dns1.NMSU.Edu> bgrubb@dante.nmsu.edu (GRUBB) writes:\\n> >>point of view, why does SCSI have an advantage when it comes to multi-\\n> >>tasking? Data is data, and it could be anywhere on the drive. Can\\n> >>SCSI find it faster? can it get it off the drive and into the computer\\n> >>faster? Does it have a better cache system? I thought SCSI was good at\\n> >>managing a data bus when multiple devices are attached. If we are\\n> >>only talking about a single drive, explain why SCSI is inherently\\n> >>faster at managing data from a hard drive.\\n\\nThe Adaptec 1540-series use bus mastering. This means that the CPU\\ndoesn't sit waiting for data bytes, it can go off and do other\\ncomputing - if you have an advanced multi-tasking OS, that is. DOS\\njust sits and waits anyway.\\n\\n>\\n> >IDE: Integrated Device Electronics \\n> > currently the most common standard, and is mainly used for\\n> > medium sized drives. Can have more than one hard drive.\\n> > Asynchronous Transfer: ~5MB/s max.\\n>\\n> Why don't you start with the spec-sheet of the ISA bus first?\\n> You can quote SCSI specs till you're blue in the face, but if they\\n> exceed the ISA bus capability, then what's the point?\\n>\\n> Who says IDE is limited to 5 megs/sec? What about VLB-IDE? Does anyone\\n> know how they perform?\\n\\nWhy don't you start with the spec-sheet of the ISA bus first? :-) IDE\\nwas designed to plug into ISA virtually unaided - in essence, IDE *is*\\nISA, on a ribbon cable. Therefore it's specs are the same as ISA -\\n8MHz clock, 16 bit width, 5MB/sec.\\n\\nThis is why I've concluded that IDE on VL-bus is a waste of a fast\\nslot. The card's job would to slow the VL-bus transactions to ISA\\nspeed. Heck, that's what ISA slots do - I'll just use one of those\\ninstead.\\n-- \\nRichard Krehbiel richk@grebyn.com\\nOS/2 2.0 will do for me until AmigaDOS for the 386 comes along...\\n\",\n", + " 'From: HO@kcgl1.eng.ohio-state.edu (Francis Ho)\\nSubject: 286 Laptop\\nNntp-Posting-Host: kcgl1.eng.ohio-state.edu\\nOrganization: The Ohio State University\\nLines: 18\\n\\nMITSBISHI Laptop (MP 286L)\\n\\n-286/12 (12,8,6 MHz switchable)\\n-2M RAM installed\\n-Backlit CGA (Ext. CGA, MGA)\\n-20M 3.5\"HH HDD/1.44M 3.5\" FDD\\n-2 COM/1 LPT ports\\n-complete manual set\\n-Built like a tank\\n-Excellent cosmetic cond.\\n-dark gray\\n-used very lightly\\n\\nProblems:\\n(1)HDD stops working.\\n(2)LCD sometimes doesn\\'t work (ext. CAG/MGA works).\\n\\nBest Offer.\\n',\n", + " 'From: cookson@mbunix.mitre.org (Cookson)\\nSubject: Re: Maxima Chain wax (and mail-order)\\nNntp-Posting-Host: mbunix.mitre.org\\nOrganization: The MITRE Corporation, Bedford, MA\\nLines: 21\\n\\nIn article <1993Apr21.160012.12989@dsd.es.com> bgardner@pebbles.es.com (Blaine Gardner) writes:\\n>In article <1993Apr21.130512.147@linus.mitre.org> cookson@mbunix.mitre.org (Cookson) writes:\\n>>I\\'d try it on the VFR, but goddamn Competition Accessories hasn\\'t mailed my\\n>>order yet. Hell, it\\'s only been two weeks and I was ordering some pretty\\n>>bizzare stuff. Like a clear RF-200 face sheild, and a can of Chain Wax...\\n>>Bastards.\\n>\\n>For what it\\'s worth, I got my can in three days from Chaparral. That\\'s\\n>UPS ground from CA to UT, YMMV. The stuff seems to work, and it doesn\\'t\\n\\nI just called them and they said the order went out on the 13th. They\\'re\\nputting a UPS tracer on it. Watch, it\\'ll be waiting for me at home\\ntonight. :-)\\n\\nDean\\n\\n-- \\n| Dean Cookson / dcookson@mitre.org / 617 271-2714 | DoD #207 AMA #573534 |\\n| The MITRE Corp. Burlington Rd., Bedford, Ma. 01730 | KotNML / KotB |\\n| \"The road is my shepherd and I shall not stop\" | \\'92 VFR750F |\\n| -Sam Eliott, Road Hogs MTV 1993 | \\'88 Bianchi Limited |\\n',\n", + " \"From: mlf3@ns1.cc.lehigh.edu (Matt Fante)\\nSubject: [COMMENT] Clinton/Reno/BATF and Waco\\nOrganization: Lehigh University\\nLines: 115\\n\\n\\\\input amstex\\n\\\\documentstyle{amsppt}\\n\\\\pagewidth{6.5in}\\n\\\\magnification=1200\\n\\\\pageheight{7.5in}\\n\\\\\\n\\\\title {Letter to the Editor} \\\\endtitle\\n\\\\author {Matthew L. Fante} \\\\endauthor\\n\\\\date {April 20, 1993} \\\\enddate\\n\\\\endtopmatter\\n\\nIn a letter to the FBI, David Koresh said: ``Do you want me to\\npull back the heavens and show you my anger?! ... fear me.'' The 51 day\\nstandoff between federal agents and the Branch Davidians ended on April 19\\nin what appeared to be a mass suicide by fire. Now that the multi-million\\ndollar standoff is over, a few things remain: cleaning up the mess, and\\nassigning blame.\\n\\n\\\\\\n\\nFrom the onset of the April 19 tear gas attacks by federal agents, President\\nClinton already started passing the buck by saying ``Talk to the attorney\\ngeneral or the FBI... I knew it was going to be done, but the decision was\\n{\\\\it entirely theirs}. {\\\\it They} made the tactical decision.'' Enter\\nAttorney General Janet Reno. After most of the Branch Davidians died,\\nReno said she took ``full responsibility'' for the decision. ``I approved\\nthe plan'' she said adding that she ``did not advise him [Clinton] as to the\\ndetails.'' In fact, she told Clinton that it was ``the best way to go.''\\nAs the fire was roaring through the Branch Davidian's compound Clinton said\\nthat he was ``deeply sadened by the loss of life'' and in the same breath that\\n``the law enforcement agencies involved in the Waco siege recommended the\\ncourse of action pursued today.'' Later he went on to say ``I stand by that\\n[Reno's] decision.''\\n\\n\\\\\\n\\nHow did this all begin? At 0930 on February 28 agents of the Bureau of\\nAlcohol, Tobacco and Firearms (BATF) launched a full-scale, high-profile\\nassault on the Branch Davidian's compound. This raid was much\\nmore than an assault on a group suspected of possessing illegal weapons. The\\nassault was a planned media circus used as a propaganda device of the BATF\\nto show their might and just purpose.\\n\\n\\\\\\n\\nAt the onset of the ``no-knock'' raid, gaggles of heavily armed BATF agents\\nmade their way inside the compound without identifying themselves or state\\nthat they had a warrant until long after the shooting began.\\nSilently, the agents made their way to the compound's buildings and started\\ntheir ``search'' by charging at the buildings and throwing concussion grenades\\nand ordering the cult members to come out of the buildings.\\n\\n\\\\\\n\\nIf unknown persons dressed in black ninja costumes and combat fatigues\\nwere to attack you, throwing grenades and brandishing firearms, would you not\\nassume that these people are criminals and attempt to defend yourself? The\\ntactics employed by the BATF provoked the battle.\\n\\n\\\\\\n\\nThe initial assualt by the BATF was not successful. Unfortunately, lives\\nwere lost on both sides. But, had the assault been a success, the liberal\\nmedia would have praised the BATF by showing the footage of BATF agents\\ncarting away a bunch of gun-wielding religious nuts. Of course, any\\nviolation of the cult's rights would have been overlooked and the media\\nwould proclaim America's fortune in having super-cop organizations like the\\nBATF that can systematically ``take out'' terroristic groups such as the\\nBranch Davidians.\\n\\n\\\\\\n\\nAs far as I can see, the BATF and the FBI dropped the ball - just like\\nPhiladelphia did in the 1985 MOVE crisis which left 11 dead, 250 homeless,\\nand a city block razed.\\nIt appears that the BATF has adopted the shoot-first tactic of no-knock\\nraids to execute search warrants. Don't let the BATF convince you that\\nthe no-knock raid was justified. No-knock assaults make sense when looking\\nfor, say, drugs that can easily be hidden or disposed of in a few seconds.\\nThe BATF was looking for illegal weapons, not drugs that could be hidden or\\nflushed down the toilet in a matter of a few seconds. What ever happened to\\n``This is the police! You are surrounded...''? {\\\\it This policy of no-knock\\nraids, by federal and local agencies, should be restricted}. Further, the use\\nof military firepower against presumed innocent citizens is a very scary idea,\\nand is why the Davidians were justified in using lethal force to ensure that\\ntheir fourth ammendment rights [``the right of the people to be secure in\\ntheir persons, houses, papers, and effects, against unreasonable searches\\nand seizures''] are not denied.\\n\\n\\\\\\n\\n\\\\\\n\\n\\\\\\n\\n\\\\noindent Matthew L. Fante \\\\newline\\n\\\\end\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n-- \\n____________________________________________________________________\\nMatthew Fante\\nmlf3@Lehigh.EDU For a good prime call 2^756839 - 1\\n\\n410 Webster Street a public key is available\\nBethlehem PA 18015 upon request\\n\",\n", + " \"From: absgh@gdr.bath.ac.uk (G Hunt)\\nSubject: Windows for WorkGroups and LAN Workplace\\nOrganization: School of Architecture, University of Bath, UK\\nLines: 19\\n\\nThis may be a simple question but:\\n\\nWe have a number of PC's which we use to link to a mainframe using \\nNovell LAN WorkPlace for DOS (via WIndows 3.1). \\nNow, to make life easier for us we are thinking of using Windows for\\nWorkgroups to allow file sharing across our PC network. \\n\\nNow does anyone know if it is possible to use W4WG and Lan Workplace\\nfor DOS at the same time. \\n\\nie Can I access a file on another PC while being logged on to the\\nmainframe at the same time, simultaneously.\\n\\nAny help well appreciated.\\n\\nGary Hunt.\\nCentre for Advanced Studies in Architecture\\nUniversity of Bath\\nabsgh@gdr.bath.ac.uk\\n\",\n", + " \"From: wtm@uhura.neoucom.edu (Bill Mayhew)\\nSubject: Re: Illusion\\nOrganization: Northeastern Ohio Universities College of Medicine\\nLines: 31\\n\\nI missed the first article[s] on this line due to not having a\\nchance to read the news for a couple of days...\\n\\nThe idea is commercialized in at least one product, the Private\\nEye. That's a small cube-shaped device that the user straps around\\nthe head similar to a sweat band. There is a boom that comes from\\nthe side on which the device is mounted so that it is positioned\\nin front of the user's eye.\\n\\nThe Private Eye we had here for evaluation was Hercules-MDA\\ncompatible. The innards are a row (~400 LEDs) that are swept up\\nand down by a galvonometer-like movement. The result is that the\\nsweeping LED bar forms a fused raster. There is a virtual image\\nprojected in front of the user that the visual system tends to fuse\\nwith the background.\\n\\nI didn't like the device very much. I found it easiest to use if I\\nlooked at a blank white wall. I had problems with focus tracking\\nif I glanced down to look at my keyboard for an out-of-the-way key.\\nThe unit also emitted a soft buzz and vibration which I found\\nannoying. Some people didn't seem to mind the buzz. Properly\\nused, however, the image clarity was quite crisp.\\n\\nI don't know if the company has taken the technology any further in\\nthe last year or two, but it did seem to have promise.\\n\\n\\n-- \\nBill Mayhew NEOUCOM Computer Services Department\\nRootstown, OH 44272-9995 USA phone: 216-325-2511\\nwtm@uhura.neoucom.edu (140.220.1.1) 146.580: N8WED\\n\",\n", + " 'From: gtoal@gtoal.com (Graham Toal)\\nSubject: Re: Secret algorithm [Re: Clipper Chip and crypto key-escrow]\\nLines: 65\\n\\n] gtoal@news.ibmpcug.co.uk (Graham Toal) writes:\\n] > Try reading between the lines David - there are *strong* hints in there \\n] > that they\\'re angling for NREN next,\\n\\n] Where? I honestly didn\\'t see any...\\n\\nHint 1:\\n\\n: Sophisticated encryption technology has been used for years to\\n: protect electronic funds transfer. It is now being used to\\n: protect electronic mail and computer files. While encryption\\n ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\\n\\nHint 2:\\n\\n: This new technology will help companies protect proprietary\\n: information, protect the privacy of personal phone conversations\\n: and prevent unauthorized release of data transmitted\\n ^^^^^^^^^^^^^^^^\\n: electronically. At the same time this technology preserves the\\n ^^^^^^^^^^^^^^ \\n: -- the privacy of our citizens, including the need to\\n: employ voice or data encryption for business purposes;\\n ^^^^^^^^^^^^^^^^^^\\n: -- the ability of authorized officials to access telephone\\n: calls and data, under proper court or other legal\\n ^^^^^^^^\\n: order, when necessary to protect our citizens;\\n\\nVERY BIG HINT 3:\\n\\n# The Administration is committed to working with the private\\n# sector to spur the development of a National Information\\n# Infrastructure which will use new telecommunications and computer\\n# technologies to give Americans unprecedented access to\\n# information. This infrastructure of high-speed networks\\n# (\"information superhighways\") will transmit video, images, HDTV\\n# programming, and huge data files as easily as today\\'s telephone\\n# system transmits voice.\\n\\nVERY BIG HINT 4: (See above)\\n\\n## Since encryption technology will play an increasingly important\\n## role in that infrastructure, the Federal Government must act\\n## quickly to develop consistent, comprehensive policies regarding\\n## its use.\\n\\n] > and the only conceivable meaning of \\n] > applying this particular technology to a computer network is that they \\n] > intend it to be used in exclusion to any other means of encryption. \\n\\n] I disagree, if for no other reason than that there are already other \\n] standards in place. Besides, even if they restrict encryption on the NREN, \\n] who cares? Most of the Internet is commercial anyway. The NREN is only for \\n] geovernment and university research (read the proposals--it\\'s a \"data \\n] superhighway\" for Cray users, not anything having to do with the Internet).\\n\\nOh, I see your point. I think you\\'re wrong. But if you sit back and wait\\nto find out if I\\'m right, it\\'ll be too late. Just listen *very* carefully\\nfor the first \\'such and such will not be permitted on network XYZ\\' shoe to\\ndrop.\\n\\nG\\n\\n\\n',\n", + " \"From: leapman@austin.ibm.com (Scott Leapman)\\nSubject: Re: AUTOFOM/FOMBLIN A ????\\nOriginator: leapman@junior.austin.ibm.com\\nReply-To: $LOGIN@austin.ibm.com\\nOrganization: IBM Austin\\nLines: 5\\n\\n\\nI tried the AutoFom stuff on my 1991 Saturn SC, and was so disappointed with it\\nthat I returned it for a refund. I polished the car for 2 hours and couldn't\\nremove the swirl marks/thin film that was all over the finish. It also\\nattracted more dirt than without the stuff.\\n\",\n", + " 'From: zander@eclipse.sheridanc.on.ca (Mark Zander)\\nSubject: Re: modems and noisy lines.\\nNntp-Posting-Host: eclipse.sheridanc.on.ca\\nOrganization: Sheridan College, Ontario, Canada\\nLines: 11\\n\\n I used to have a lot of line noise problems with my 1200 baud modem.\\nWhat was sudgested to me was to put a toriod transformer on the line.\\nThis is easily done by getting a large toroid core from your local\\nelectronics shop, a toroid core is a ceramic/metal \"donut\", and wind the\\ntelephone line in through the center of the core and out around the\\nouTside five or six times. This is a easy and cheap fix that does not\\nhave the hassels of having to use sofware to fix a hardware problem.\\n\\ntalk to yah later.\\nmark.\\nmark.zander@sheridanc.on.ca \\n',\n", + " 'From: sun075!Gerry.Palo@uunet.uu.net (Gerry Palo)\\nSubject: Re: Jacob and Esau (reincarnation)\\nLines: 58\\n\\nIn article JEK@cu.nih.gov writes:\\n\\n>Gerry Palo wrote that there is nothing in Christianity that excludes\\n>the theory of a succession of lives.\\n>\\n>I wrote that the Apostle Paul, in Romans 9, speaks of God as\\n>choosing Jacob over Esau, and adds that this is not as a result of\\n>anything that either child had done, since they had not been born\\n>yet.\\n>\\n>Clearly, Paul does not believe that they had had previous lives, nor\\n>does he suppose that his readers will believe it. For if they had\\n>had previous lives, it would not make sense to say, \"Neither of them\\n>has done anything good or bad as yet, since they are not yet born.\"\\n>\\n\\nPaul\\'s statement only asserts that that particular choice was not\\na matter of karmic fulfillment of the past, just as the fate of the\\nman born blind (John 9) was not. There is no question here of the\\nsimplistic idea of karma as a machine that is the sole determiner\\nof one\\'s destiny. Even the eastern traditions, or many of them,\\ndo not say that, as one knowledgeable poster pointed out.\\n\\nAnd if in fact that Paul did not know about or believe in reincarnation\\ndoes not say anything one way or another about it. Even John the Baptist,\\nwho Jesus says emphatically is Elijah (Matt 11:14), does not appear to \\nhave been aware of it, at least at the point at which he was asked. But \\nit is interesting that his threefold denial -- to the question whether \\nhe is the Christ, the Prophet (i.e. Isaiah), or Elijah, is emphatic in \\nthe first case and very weak in the third.\\n\\nI would like to add once again that, while it is important to discuss the\\ndifferent passages that may point directly to the teaching of repeated\\nearth lives, one way or another, what I really see as important in our\\ntime is that the subject be revisited in terms of the larger view of\\nChristianity and Christian doctrine. For the most part, those who do\\naccept it either reject the central ideas of Christianity or, if they\\nare Christians, hold their conviction as a kind of separate treasure.\\nI believe that Christianity has important new understanding to bring\\nto bear on it, and vice versa, much that is central to Christianity\\ntakes on entirely new dimensions of meaning in light of repeated earth\\nlives. It has a direct bearing on many of the issues frequently discussed \\nin this newsgroup in particular.\\n\\nI have said openly that I have developed my views of repeated earth lives\\nlargely from the work of Rudolf Steiner. Not that I hold him as an\\nauthority, but the whole picture of Christianity becomes clearer in light\\nof these ideas. Steiner indicated that the old consciousness of reincar-\\nnation necessarily had to fade away that it could be renewed in later\\ntimes, after a time of development of the Christ idea through the first\\ntwo millenia after Christ\\'s deed on Golgotha. In our own time, it becomes \\nimportant that, having received the basic gospel of salvation, our \\nunderstanding of life and of the human being can now grow to embrace the \\nsignificance of this idea. For the discussions in this newsgroup, I \\nhave tried to focus on that which can be related as directly as possible \\nto scripture and to fundamental Christian teaching and tradition.\\n\\nGerry Palo (73237.2006@compuserve.com)\\n',\n", + " \"From: frahm@ucsu.colorado.edu (Joel A. Frahm)\\nSubject: Re: Identify this bike for me\\nArticle-I.D.: colorado.1993Apr6.153132.27965\\nReply-To: frahm@ucsu.colorado.edu\\nOrganization: Department of Rudeness and Pomposity\\nLines: 17\\nNntp-Posting-Host: sluggo.colorado.edu\\n\\n\\nIn article <1993Apr6.002937.9237@adobe.com> cjackson@adobe.com (Curtis Jackson) writes:\\n>In article <1993Apr5.193804.18482@ucsu.Colorado.EDU> coburnn@spot.Colorado.EDU (Nicholas S. Coburn) writes:\\n>}first I thought it was an 'RC31' (a Hawk modified by Two Brothers Racing),\\n>}but I did not think that they made this huge tank for it. Additionally,\\n>\\nI think I've seen this bike. Is it all white, with a sea-green stripe\\nand just 'HONDA' for decals, I've seen such a bike numerous times over\\nby Sewall hall at CU, and I thought it was a race-prepped CBR. \\nI didn't see it over at the EC parking lot (I buzzed over there on my \\nway home, all of 1/2 block off my route!) but it was gone.\\n\\nIs a single sided swingarm available for the CBR? I would imagine so, \\nkinda neccisary for quick tire changes. When I first saw it, I assumed it\\nwas a bike repainted to cover crash damage.\\n\\nJoel.\\n\",\n", + " 'From: hades@coos.dartmouth.edu (Brian V. Hughes)\\nSubject: Re: Why does Apple give us a confusing message?\\nReply-To: hades@Dartmouth.Edu\\nOrganization: Dartmouth College, Hanover, NH\\nDisclaimer: Personally, I really don\\'t care who you think I speak for.\\nModerator: Rec.Arts.Comics.Info\\nLines: 56\\n\\nubs@carson.u.washington.edu (University Bookstore) writes:\\n>bunt0003@student.tc.umn.edu (Monthian Buntan-1) writes:\\n>>\\n>>\\n>>Does anyone know why Apple has an ambiguous message for C650 regarding\\n>>fpu? In all Mac price lists I\\'ve seen, every C650 has the message \"fpu:\\n>>optional\". I know from what we\\'ve discussed in this newsgroup that all\\n>>C650 have the fpu built in except the 4/80 configuration. Why would\\n>>they be so unclear about this issue in their price list?\\n\\n I think this is mostly the fault of the people who write up the\\nliterature and price lists being confused themselves. Since there are\\ntwo possible processor configurations and one of the them doesn\\'t have\\nan FPU it does seem to be an option, even though it really isn\\'t.\\n\\n>>I\\'m planning to buy the C650 8/230/cd pretty soon, but I\\'m now getting\\n>>confused with whether it comes with fpu or not.\\n\\n Well, then allow me to end your confusion. The C650 ONLY come with\\nan LC040 in the base 4/80 configuration. If you are not getting this\\nconfiguration then you are getting an FPU.\\n\\n>>Why say \"optional\" if it\\'s built in?\\n\\n Good question. I have been wondering that since Feb. 10th.\\n\\n>If you get the Centris 650 with CD configuration, you are getting a Mac with\\n>a 68RC040 processor that has built-in math coprocessor support. My \\n>understanding is that the \"optional fpu\" refers to your option of purchasing\\n>the Centris 650 4/80 without FPU OR one of the other configurations WITH FPU.\\n \\n This is possible, but an option is something that you are supposed\\nto be able to request when you want it. What Apple has done is given the\\nbuyer a CHOICE between configurations and not an OPTION.\\n\\n>Apple does not offer an upgrade from the non-FPU system to become an FPU\\n>system. And, it is unclear whether the \\'040 processor on the non-FPU system\\n>(a 68LC040) can be replaced with a 68RC040 supplied by another vendor.\\n\\n This is not unclear at all. In fact Apple has included in the ROMs\\nof those machines with LC040s code to recognize the presence of the full\\n040\\'s FPU and use it. Thereby making the upgrade as easy as switching\\nchips. You pop the LC040 out and pop in a full \\'040.\\n\\n>Apple did send a memo out at one point sating that the Centris 610, which ONLY\\n>comes with a non-FPU 68LC040 processor CANNOT be upgraded to support an FPU -\\n>the pin configurations of the two chips apparently do not match so you cannot\\n>swap one for another (again, according to Apple\\'s memo).\\n\\n They did? I think I would double-check this. It has been stated\\ncountless times in this newsgroup by two of the Centris hardware\\ndesigners that the LC040 and the full \\'040 are pin compatible and that\\nthe C610 can be upgraded to a full \\'040.\\n\\n-Hades\\n\\n',\n", + " 'From: tcora@pica.army.mil (Tom Coradeschi)\\nSubject: Re: Traffic morons\\nOrganization: Elect Armts Div, US Army Armt RDE Ctr, Picatinny Arsenal, NJ\\nLines: 36\\nNntp-Posting-Host: b329-gator-3.pica.army.mil\\n\\nryan_cousineau@compdyn.questor.org (Ryan Cousineau) wrote:\\n> \\n> NMM>From: nielsmm@imv.aau.dk (Niels Mikkel Michelsen)\\n> NMM>Subject: How to act in front of traffic jerks\\n> \\n> NMM>The other day, it was raining cats and dogs, therefor I was going only to\\n> NMM>the speed limit, on nothing more, on my bike. This guy in his BMW was\\n> NMM>driving 1-2 meters behind me for 7-800 meters and at the next red light I\\n> NMM>calmly put the bike on its leg, walked back to this car, he rolled down the\\n> NMM>window, and I told him he was a total idiot (and the reason why).\\n> \\n> NMM>Did I do the right thing?\\n> \\n> NMM>Yours Truly :\\n> \\n> NMM> Niels Mikkel\\n> \\n> Well, sounds great to me! When I have a real BDI cager tailgating me,\\n> I\\'ve found that an effective strategy is to flash my brake light by\\n> pumping the pedal. You will, obviously need a bit of free play in your\\n> brake pedal to do this. It seems that even the most brain dead idiot can\\n> usually discern that a flashing red light directly in front of\\n> him/her/it may mean that something is wrong.\\n\\nSometimes yes, sometimes no. BDI cagers usually move back then.\\nHyperagressive assholes just move closer. (Something about\\ntestosterone-stimulated behavior, I think.) It\\'s kinda like waving a red\\nflag at a bull. All in all, if you can\\'t move over and let the jerk by,\\nit\\'s better than nothing...\\n\\n tom coradeschi <+> tcora@pica.army.mil\\n \\n \"Usenet is like a herd of performing elephants with diarrhea -- massive,\\ndifficult to redirect, awe-inspiring, entertaining, and a source of mind-\\nboggling amounts of excrement when you least expect it.\"\\n --gene spafford, 1992\\n',\n", + " 'From: martijn@cs.vu.nl (Lemmens ML)\\nSubject: Workgroups for Windows\\nOrganization: Fac. Wiskunde & Informatica, VU, Amsterdam\\nLines: 22\\n\\nHello,\\n\\nI want a little network for 3 users. All users want to run Windows.\\nThe most important things I want for the network are: file-sharing,\\nmail utility, two printers on one of the computers and a fax/modem\\ncard on one of the computers. We all want to use each others harddisk.\\n\\nMy idea was to buy three computers (one 486DX and two 386DX). All\\nthree have a 40Mb local harddisk, the 486 also has a very large\\nharddisk. All three also have a network card. The 486 is connected to\\nthe printers and contains the fax/modem card. And last but not least:\\nWorkgroups for Windows.\\n\\nMy questions:\\n- Is this possible?\\n- What exactly are the possibilities and advantages of Workgroups\\n for Windows?\\n- Will all the computers be fast enough? Behind all three, someone\\n is working.\\n\\nThanks,\\nMartijn\\n',\n", + " \"From: Graham Toal \\nSubject: Re: Key Registering Bodies\\nOriginator: gtoal@pizzabox.demon.co.uk\\nNntp-Posting-Host: pizzabox.demon.co.uk\\nReply-To: Graham Toal \\nOrganization: Cuddlehogs Anonymous\\nLines: 11\\n\\nIn article nagle@netcom.com (John Nagle) writes:\\n: Since the law requires that wiretaps be requested by the Executive\\n:Branch and approved by the Judicial Branch, it seems clear that one\\n:of the key registering bodies should be under the control of the\\n:Judicial Branch. I suggest the Supreme Court, or, regionally, the\\n:Courts of Appeal. More specifically, the offices of their Clerks.\\n\\nI've got a better idea. We give one set to the KGB c/o Washington embassy,\\nand the other set to the Red chinese.\\n\\nG\\n\",\n", + " \"From: lance@hartmann.austin.ibm.com (Lance Hartmann)\\nSubject: Re: Diamond Stealth: HELP!\\nSummary: Address/IRQ conflicts.\\nReply-To: lance%hartmann.austin.ibm.com@ibmpa.awdpa.ibm.com\\nOrganization: IBM, Austin\\nKeywords: video s3 diamond\\nLines: 42\\n\\nIn article <1r5ep8$67e@usenet.INS.CWRU.Edu> ab245@cleveland.Freenet.Edu (Sam Latonia) writes:\\n>\\n>\\n>Article #61058 (61121 is last):\\n>>Newsgroups: comp.sys.ibm.pc.hardware\\n>From: redmond+@cs.cmu.edu (Redmond English)\\n>Subject: Diamond Stealth: HELP!\\n>Date: Wed Apr 21 16:54:39 1993\\n>\\n>Hello,\\n>\\n> I have a Diamond Stealth VRAM card (the older version\\n>with the DIP switches on the back). I have two problems:\\n>\\n>1 ) I've lost the manual!!!\\n>\\n>2 ) I have it in a machine with a network card, and\\n> everything works fine until I run windows, when\\n> the network connection dies.\\n>\\n> (In case it's important, the network card is an\\n> SMC ArcNet 8-Bit compatable card. It's I/O\\n> address is 02E0 and it's RAM base address is\\n> D000. It's also using IRQ 2)\\n\\n[REMAINDER DELETED]\\n\\nI don't have my copy of the manual with me right now, but I can offer the\\nfollowing in the interim:\\n\\n 1) The card uses port addresses 0x2E0 and 0x2E8 (which are NOT\\n configurable). These addresses, incidentally, were inadvertantly\\n omitted from my version of the manual.\\n\\n 2) I believe there is a dip that controls whether or not to enable\\n IRQ 2 (for CGA or EGA support??!?).\\n\\nLance Hartmann (lance%hartmann.austin.ibm.com@ibmpa.awdpa.ibm.com)\\n Yes, that IS a '%' (percent sign) in my network address.\\n------------------------------------------------------------------------------\\nAll statements, comments, opinions, etc. herein reflect those of the author\\nand shall NOT be misconstrued as those of IBM or anyone else for that matter.\\n\",\n", + " \"From: sab@gnv.ifas.ufl.edu\\nSubject: Info needed: 2D contour plotting\\nLines: 16\\n\\nHi Everyone--\\n\\n It's spend-the-money-before-it-goes-away time here at U.Florida\\nand we need to find some PC-based software that will do contour\\nplotting with irregular boundaries,i.e., a 2-D profile of a soil\\n system with a pond superimposed\\n /----------------- on it. We've given SURFER a\\n POND / | trial run but it interpolates\\n / | contours out into the pond and/or\\n----------/ | creates artifacts at the borders.\\n| SOIL | If anyone out there knows of a\\n| | product, I'ld appreciate hearing\\n|________________________________| about it. If there is enough of\\na response, I'll post a summary. Thanks -- (and now back to lurking).\\n\\n Steve Bloom, Soil & Water Science, U.Fl (SAB@GNV.IFAS.UFL.EDU)\\n\",\n", + " 'From: leech@cs.unc.edu (Jon Leech)\\nSubject: Space FAQ 06/15 - Constants and Equations\\nKeywords: Frequently Asked Questions\\nArticle-I.D.: cs.constants_733694246\\nExpires: 6 May 1993 19:57:26 GMT\\nDistribution: world\\nOrganization: University of North Carolina, Chapel Hill\\nLines: 189\\nSupersedes: \\nNNTP-Posting-Host: mahler.cs.unc.edu\\n\\nArchive-name: space/constants\\nLast-modified: $Date: 93/04/01 14:39:04 $\\n\\nCONSTANTS AND EQUATIONS FOR CALCULATIONS\\n\\n This list was originally compiled by Dale Greer. Additions would be\\n appreciated.\\n\\n Numbers in parentheses are approximations that will serve for most\\n blue-skying purposes.\\n\\n Unix systems provide the \\'units\\' program, useful in converting\\n between different systems (metric/English, etc.)\\n\\n NUMBERS\\n\\n\\t7726 m/s\\t (8000) -- Earth orbital velocity at 300 km altitude\\n\\t3075 m/s\\t (3000) -- Earth orbital velocity at 35786 km (geosync)\\n\\t6371 km\\t\\t (6400) -- Mean radius of Earth\\n\\t6378 km\\t\\t (6400) -- Equatorial radius of Earth\\n\\t1738 km\\t\\t (1700) -- Mean radius of Moon\\n\\t5.974e24 kg\\t (6e24) -- Mass of Earth\\n\\t7.348e22 kg\\t (7e22) -- Mass of Moon\\n\\t1.989e30 kg\\t (2e30) -- Mass of Sun\\n\\t3.986e14 m^3/s^2 (4e14) -- Gravitational constant times mass of Earth\\n\\t4.903e12 m^3/s^2 (5e12) -- Gravitational constant times mass of Moon\\n\\t1.327e20 m^3/s^2 (13e19) -- Gravitational constant times mass of Sun\\n\\t384401 km\\t ( 4e5) -- Mean Earth-Moon distance\\n\\t1.496e11 m\\t (15e10) -- Mean Earth-Sun distance (Astronomical Unit)\\n\\n\\t1 megaton (MT) TNT = about 4.2e15 J or the energy equivalent of\\n\\tabout .05 kg (50 gm) of matter. Ref: J.R Williams, \"The Energy Level\\n\\tof Things\", Air Force Special Weapons Center (ARDC), Kirtland Air\\n\\tForce Base, New Mexico, 1963. Also see \"The Effects of Nuclear\\n\\tWeapons\", compiled by S. Glasstone and P.J. Dolan, published by the\\n\\tUS Department of Defense (obtain from the GPO).\\n\\n EQUATIONS\\n\\n\\tWhere d is distance, v is velocity, a is acceleration, t is time.\\n\\tAdditional more specialized equations are available from:\\n\\n\\t ames.arc.nasa.gov:pub/SPACE/FAQ/MoreEquations\\n\\n\\n\\tFor constant acceleration\\n\\t d = d0 + vt + .5at^2\\n\\t v = v0 + at\\n\\t v^2 = 2ad\\n\\n\\tAcceleration on a cylinder (space colony, etc.) of radius r and\\n\\t rotation period t:\\n\\n\\t a = 4 pi**2 r / t^2\\n\\n\\tFor circular Keplerian orbits where:\\n\\t Vc\\t = velocity of a circular orbit\\n\\t Vesc = escape velocity\\n\\t M\\t = Total mass of orbiting and orbited bodies\\n\\t G\\t = Gravitational constant (defined below)\\n\\t u\\t = G * M (can be measured much more accurately than G or M)\\n\\t K\\t = -G * M / 2 / a\\n\\t r\\t = radius of orbit (measured from center of mass of system)\\n\\t V\\t = orbital velocity\\n\\t P\\t = orbital period\\n\\t a\\t = semimajor axis of orbit\\n\\n\\t Vc\\t = sqrt(M * G / r)\\n\\t Vesc = sqrt(2 * M * G / r) = sqrt(2) * Vc\\n\\t V^2 = u/a\\n\\t P\\t = 2 pi/(Sqrt(u/a^3))\\n\\t K\\t = 1/2 V**2 - G * M / r (conservation of energy)\\n\\n\\t The period of an eccentric orbit is the same as the period\\n\\t of a circular orbit with the same semi-major axis.\\n\\n\\tChange in velocity required for a plane change of angle phi in a\\n\\tcircular orbit:\\n\\n\\t delta V = 2 sqrt(GM/r) sin (phi/2)\\n\\n\\tEnergy to put mass m into a circular orbit (ignores rotational\\n\\tvelocity, which reduces the energy a bit).\\n\\n\\t GMm (1/Re - 1/2Rcirc)\\n\\t Re = radius of the earth\\n\\t Rcirc = radius of the circular orbit.\\n\\n\\tClassical rocket equation, where\\n\\t dv\\t= change in velocity\\n\\t Isp = specific impulse of engine\\n\\t Ve\\t= exhaust velocity\\n\\t x\\t= reaction mass\\n\\t m1\\t= rocket mass excluding reaction mass\\n\\t g\\t= 9.80665 m / s^2\\n\\n\\t Ve\\t= Isp * g\\n\\t dv\\t= Ve * ln((m1 + x) / m1)\\n\\t\\t= Ve * ln((final mass) / (initial mass))\\n\\n\\tRelativistic rocket equation (constant acceleration)\\n\\n\\t t (unaccelerated) = c/a * sinh(a*t/c)\\n\\t d = c**2/a * (cosh(a*t/c) - 1)\\n\\t v = c * tanh(a*t/c)\\n\\n\\tRelativistic rocket with exhaust velocity Ve and mass ratio MR:\\n\\n\\t at/c = Ve/c * ln(MR), or\\n\\n\\t t (unaccelerated) = c/a * sinh(Ve/c * ln(MR))\\n\\t d = c**2/a * (cosh(Ve/C * ln(MR)) - 1)\\n\\t v = c * tanh(Ve/C * ln(MR))\\n\\n\\tConverting from parallax to distance:\\n\\n\\t d (in parsecs) = 1 / p (in arc seconds)\\n\\t d (in astronomical units) = 206265 / p\\n\\n\\tMiscellaneous\\n\\t f=ma -- Force is mass times acceleration\\n\\t w=fd -- Work (energy) is force times distance\\n\\n\\tAtmospheric density varies as exp(-mgz/kT) where z is altitude, m is\\n\\tmolecular weight in kg of air, g is local acceleration of gravity, T\\n\\tis temperature, k is Bolztmann\\'s constant. On Earth up to 100 km,\\n\\n\\t d = d0*exp(-z*1.42e-4)\\n\\n\\twhere d is density, d0 is density at 0km, is approximately true, so\\n\\n\\t d@12km (40000 ft) = d0*.18\\n\\t d@9 km (30000 ft) = d0*.27\\n\\t d@6 km (20000 ft) = d0*.43\\n\\t d@3 km (10000 ft) = d0*.65\\n\\n\\t\\t Atmospheric scale height\\tDry lapse rate\\n\\t\\t (in km at emission level)\\t (K/km)\\n\\t\\t -------------------------\\t--------------\\n\\t Earth\\t 7.5\\t\\t\\t 9.8\\n\\t Mars\\t 11\\t\\t\\t 4.4\\n\\t Venus\\t 4.9\\t\\t\\t 10.5\\n\\t Titan\\t 18\\t\\t\\t 1.3\\n\\t Jupiter\\t 19\\t\\t\\t 2.0\\n\\t Saturn\\t 37\\t\\t\\t 0.7\\n\\t Uranus\\t 24\\t\\t\\t 0.7\\n\\t Neptune\\t 21\\t\\t\\t 0.8\\n\\t Triton\\t 8\\t\\t\\t 1\\n\\n\\tTitius-Bode Law for approximating planetary distances:\\n\\n\\t R(n) = 0.4 + 0.3 * 2^N Astronomical Units (N = -infinity for\\n\\t Mercury, 0 for Venus, 1 for Earth, etc.)\\n\\n\\t This fits fairly well except for Neptune.\\n\\n CONSTANTS\\n\\n\\t6.62618e-34 J-s (7e-34) -- Planck\\'s Constant \"h\"\\n\\t1.054589e-34 J-s (1e-34) -- Planck\\'s Constant / (2 * PI), \"h bar\"\\n\\t1.3807e-23 J/K\\t(1.4e-23) - Boltzmann\\'s Constant \"k\"\\n\\t5.6697e-8 W/m^2/K (6e-8) -- Stephan-Boltzmann Constant \"sigma\"\\n 6.673e-11 N m^2/kg^2 (7e-11) -- Newton\\'s Gravitational Constant \"G\"\\n\\t0.0029 m K\\t (3e-3) -- Wien\\'s Constant \"sigma(W)\"\\n\\t3.827e26 W\\t (4e26) -- Luminosity of Sun\\n\\t1370 W / m^2\\t (1400) -- Solar Constant (intensity at 1 AU)\\n\\t6.96e8 m\\t (7e8)\\t -- radius of Sun\\n\\t1738 km\\t\\t (2e3)\\t -- radius of Moon\\n\\t299792458 m/s\\t (3e8) -- speed of light in vacuum \"c\"\\n\\t9.46053e15 m\\t (1e16) -- light year\\n\\t206264.806 AU\\t (2e5) -- \\\\\\n\\t3.2616 light years (3)\\t -- --> parsec\\n\\t3.0856e16 m\\t (3e16) -- /\\n\\n\\nBlack Hole radius (also called Schwarzschild Radius):\\n\\n\\t2GM/c^2, where G is Newton\\'s Grav Constant, M is mass of BH,\\n\\t\\tc is speed of light\\n\\n Things to add (somebody look them up!)\\n\\tBasic rocketry numbers & equations\\n\\tAerodynamical stuff\\n\\tEnergy to put a pound into orbit or accelerate to interstellar\\n\\t velocities.\\n\\tNon-circular cases?\\n\\n\\nNEXT: FAQ #7/15 - Astronomical Mnemonics\\n',\n", + " 'From: livesey@solntze.wpd.sgi.com (Jon Livesey)\\nSubject: Re: After 2000 years, can we say that Christian Morality is\\nOrganization: sgi\\nLines: 22\\nDistribution: world\\nNNTP-Posting-Host: solntze.wpd.sgi.com\\n\\nIn article <1993Apr21.141259.12012@st-andrews.ac.uk>, nrp@st-andrews.ac.uk (Norman R. Paterson) writes:\\n|> In article <1r2m21$8mo@fido.asd.sgi.com> livesey@solntze.wpd.sgi.com (Jon Livesey) writes:\\n|> >In article <1993Apr19.151902.21216@st-andrews.ac.uk>, nrp@st-andrews.ac.uk (Norman R. Paterson) writes:\\n> >Just as well, then, that I\\'m not claiming that my own moral system is\\n> >absolute.\\n> >\\n> >jon.\\n> >\\n> >[list of references stretching from here to Alpha Centauri deleted.]\\n>\\n> Jon-\\n>\\n> [and I thought to impress with my references!]\\n>\\n> Ok, so you don\\'t claim to have an absolute moral system. Do you claim\\n> to have an objective one? I\\'ll assume your answer is \"yes,\" apologies\\n> if not.\\n\\nI\\'ve just spent two solid months arguing that no such thing as an\\nobjective moral system exists.\\n\\njon.\\n',\n", + " 'From: n9045178@henson.cc.wwu.edu (Sean Dean)\\nSubject: Re: Does Rush read his E-mail?\\nArticle-I.D.: henson.1993Apr23.153320.4568\\nDistribution: inet\\nOrganization: Western Washington University\\nLines: 23\\n\\nrick@ee.uwm.edu (Rick Miller) writes:\\n\\n>rsilvers@nynexst.com (Robert Silvers) writes:\\n>>\\tSend something to Rush Linbaugh about Clinton taking away our right\\n>>to privacy and how if the govt. standard takes off, only people with lots\\n>>of money (drug dealers) will be able to justify DES stuff. He will slam\\n>>Clinton for this on the air.\\n>>\\t\\t\\t\\t\\t\\t--Rob.\\n\\n>I seem to recall Rush saying that he has a CompuServe account. If anyone\\n>wants to E-mail him, all we need is his account number (i.e.: 12345,6789)\\n>and then we could e-mail him via gateway by using a dot instead of a comma\\n>like so: \"12345.6789@compuserve.com\". (THIS IS *NOT* HIS ADDRESS.)\\n\\n>So, does anyone know his e-mail address? He *says* he uses it all the time.\\n>(I wonder if he reads alt.fan.rush-limbaugh... His ego is big enough!)\\n\\n>Rick Miller | Ricxjo Muelisto\\n>Send a postcard, get one back! | Enposxtigu bildkarton kaj vi ricevos alion!\\n\\n\\nI\\'ve heard he doesn\\'t read alt.fan.rush.....\\nBut I have no idea of a Compuserve e-mail address...\\n',\n", + " \"From: rbeskost@adam.East.Sun.COM (Richard Beskosty - Sun BOS Systems Product Assurance)\\nSubject: Re: Goalie mask poll\\nReply-To: rbeskost@adam.East.Sun.COM\\nOrganization: Sun Microsystems Inc. - BDC\\nLines: 23\\nNNTP-Posting-Host: adam.east.sun.com\\n\\nIn article 93158@hydra.gatech.EDU, gtd597a@prism.gatech.EDU (Hrivnak) writes:\\n> \\n> \\tHere is an update on the Goalie mask poll...\\n> \\tFirst, since so many people gave me their 3 best, I decided to\\n> give 3 pts for their favorite, 2 pts for 2nd, 1 for 3rd. If you e-mailed\\n> a response with only one, I gave it 3 pts. Please feel free to send me\\n> your 2 other favorites, if you only sent one before. \\n> \\tAlso, votes are still welcome! Any mask you like will do, as I \\n> have received votes for players not in the NHL. Please mention what team\\n> they play for, though.\\n> \\tSo here are the up-to-date results so far:\\n> \\n> \\n\\n\\nMy vote goes to Andy Moog 1st, Belfour 2nd, Vanbiesbrouck 3rd\\n\\nThe Bruin's are hot at just the right time !!!!!\\n\\n\\nrich beskosty\\n\\nrbeskost@east.sun.com\\n\",\n", + " 'Organization: Penn State University\\nFrom: \\nSubject: Re: IDE vs SCSI\\nDistribution: world\\nLines: 55\\n\\nIn article <1qmgtrINNf2a@dns1.NMSU.Edu>, bgrubb@dante.nmsu.edu (GRUBB) says:\\n\\n>DXB132@psuvm.psu.edu writes:\\n>>In article <1qlbrlINN7rk@dns1.NMSU.Edu>, bgrubb@dante.nmsu.edu (GRUBB) says:\\n>>>In PC Magazine April 27, 1993:29 \"Although SCSI is twice as fasst as ESDI,\\n>>>20% faster than IDE, and support up to 7 devices its acceptance ...has\\n>>>long been stalled by incompatability problems and installation headaches.\"\\n\\n>>I love it when magazine writers make stupid statements like that re:\\n>>performance. Where do they get those numbers? I\\'ll list the actual\\n>>performance ranges, which should convince anyone that such a\\n>>statement is absurd:\\n>>SCSI-I ranges from 0-5MB/s.\\n>>SCSI-II ranges from 0-40MB/s.\\n>>IDE ranges from 0-8.3MB/s.\\n>>ESDI is always 1.25MB/s (although there are some non-standard versions)\\n\\n>By your OWN data the \"Although SCSI is twice as fast as ESDI\" is correct\\n\\n(How is 0-40 twice 1.25? Do you just pick whatever SCSI setup that makes\\nthe statment \"correct\"?)\\nEven if you could make such a statement it would be meaningless unless\\nyou understood that ESDI and IDE (I include SCSI and ATA) are\\ncompletely different (ESDI is device-level, like MFM/RLL).\\n\\n\\n>With a SCSI-2 controller chip SCSI-1 can reach 10MB/s which is indeed\\n>\"20% faster than IDE\" {120% of 8.3 is 9.96}. ALL these SCSI facts have been\\n\\nGreat, you can compare two numbers (ATA has several speed modes, by the\\nway) but what the article said was misleading/wrong.\\n\\n>posted to this newsgroup in my Mac & IBM info sheet {available by FTP on\\n>sumex-aim.stanford.edu (36.44.0.6) in the info-mac/report as\\n>mac-ibm-compare[version #].txt (It should be 173 but 161 may still be there)}\\n\\nI would recommend people call the NCR board and download the ANSI specs\\nif they are really interested in this stuff.\\n\\n\\n>Part of this problem is both Mac and IBM PC are inconsiant about what SCSI\\n>is which. Though it is WELL documented that the Quadra has a SCSI-2 chip\\n>an Apple salesperson said \"it uses a fast SCSI-1 chip\" {Not at a 6MB/s,\\n>10MB/s burst it does not. SCSI-1 is 5MB/s maximum synchronous and Quadra\\n>uses ANsynchronous SCSI which is SLOWER} It seems that Mac and IBM see\\n\\nSomething is missing there. :) Anyway, I agree. There\\'s a lot of\\nopportunity for marketing jingo like \"SCSI-2 compliant\" which tells\\nyou nothing about the performance, whether it has \"WIDE\" support, etc.\\n\\n>One reference for the Quadra\\'s SCSI-2 controller chip is\\n>(Digital Review, Oct 21, 1991 v8 n33 p8(1)).\\n\\nWhat does it use? Hopefully a good NCR chip (e.g. 53c710)\\n\\n',\n", + " \"From: CONRADIE@firga.sun.ac.za (Gerrit Conradie)\\nSubject: Re: How to the disks copy protected.\\nArticle-I.D.: firga.CONRADIE.53.735918459\\nOrganization: University of Stellenbosch, SA\\nLines: 34\\n\\nIn article <1ra4hrINN3ni@DOLPHIN.ZOO.CS.YALE.EDU> stone-andy@cs.yale.edu (Andy Stone) writes:\\n>Subject: Re: How to the disks copy protected.\\n>\\tI wrote a commercial program called GAME-MAKER (can you guess what\\n>it does). What we do is have a document protect (answer Question on page x, \\n>line y), which is a real pain. We also allow the user to register by sending\\n>in a card, and computing a # based on their name. The system works in that\\n>we've gotten lots of registration cards.\\n>\\tI hear that the program has been cracked though. Someone two people \\n>actually called up my support--one with a question, the other wanting to\\n>buy our graphics libraries (right!). Anyway if anyone wants to help me\\n>catch a cracker and has the cracked version, mail me. I won't accuse\\n>you (unless you're the cracker of course).\\n>\\n\\nI know of at least one ftp-site from which you can download the cracks of\\nabout any commercial game in existence. The names of the companies (yes,\\ncompanies!) are also blatantly advertised with the crack codes. According to\\nthem, it is not illegal (at least in the USA, according to a statute or \\nsomething) to remove the copy protection from any program. The only condition\\nis that you may only use this code on legally owned software for your own\\nconvenience.\\n\\nIf there is any interest I will download the advertisement of one such \\ncompany. I will not give the name of this ftp-site to anyone, even if only\\nto protect the companies which wrote the original games.\\n\\nDISCLAIMER: I do not condone the use or cracking of any programs. I believe \\nit hurts the industry and individuals in the long run.\\n\\nOn the subject of copy protection: Most pirates don't give a damn about \\nusing software on which the name of the registered owner came up on starting \\nthe program. They just don't have a conscience.\\n\\n- gerrit\\n\",\n", + " 'From: karl@genesis.MCS.COM (Karl Denninger)\\nSubject: Re: Do we need the clipper for cheap security?\\nOrganization: MCSNet, Chicago, IL\\nLines: 39\\nNNTP-Posting-Host: localhost.mcs.com\\n\\nIn article <9304201003.AA05465@pizzabox.demon.co.uk> gtoal@gtoal.com (Graham Toal) writes:\\n>\\tgtoal@gtoal.com (Graham Toal) writes:\\n>\\t>\\n>\\t>In the UK, it\\'s impossible to get approval to attach any crypto device\\n>\\t>to the phone network. (Anything that plugs in to our BT phone sockets\\n>\\t>must be approved - for some reason crypto devices just never are...)\\n>\\t>\\n>\\n>\\tWhats the difference between a V.32bis modem and a V.32bis modem?\\n>\\n>\\tI\\'m not being entirely silly here: what I\\'m pointing out is that the\\n>\\tmodems that they have already approved for data transmission will work\\n>\\tjust fine to transmit scrambled vocoded voice.\\n>\\n>Absolutely. I just meant that no secure *dedicated* crypto device has\\n>ever been given approval. Guerrilla underground devices should be well\\n>possible with today\\'s high-speed modems (not that I can think of many v32bis\\n>modems that are approved either mind you - just the overpriced Couriers)\\n>\\n>Can someone tell me if hardware compression is or is not needed to run\\n>digital speech down 14.4K? I think it is; I\\'ve heard it\\'s not. Lets\\n>say 8 bit samples. Would *raw* data at the corresponding sampling rate\\n>be usable? If not, how fancy does the compression need to be?\\n\\nReasonably fancy.\\n\\nStandard \"voice\" circuits run at 56kbps inter-exchange in the US.\\nTherefore, you need to achieve 4:1 to get standard voice quality.\\n\\nIf you\\'re willing to give up some quality, you need only 2:1. This is still\\nacceptable from a speech standpoint; it will be a little less faithful to\\nthe original, but certainly intelligable. That\\'s all you really need for\\nthis application.\\n\\n--\\nKarl Denninger (karl@genesis.MCS.COM) \\t| You can never please everyone except\\nData Line: [+1 312 248-0900]\\t\\t| by bankrupting yourself.\\n \\t LIVE Internet in Chicago; an MCSNET first!\\n\\n',\n", + " 'From: duggan@ecs.umass.edu\\nSubject: Creating Your own ColorMap, i.e. Lookup Table in X11 R4\\nLines: 99\\n\\nHello,\\n\\nBelow I have the copy of some source I am using to setup a user-specified color-\\nmap for X R11 V4. I am attempting to create user defined colors in terms of\\nRGB color ranges. The calls to XAllocColor prove ineffective. \\n\\nVariables are defined are as follows:\\n\\n int i, j, k, lut_index\\n color_type min_image, max_image;\\n color_type image Pixel_Value_Range, last_image, start, end, jump,\\n lut [ 512 ];\\n unsigned long pixel;\\n double red, green, blue;\\n\\n/*\\n * Data structure used by color operations\\n *\\ntypedef struct {\\n unsigned long pixel;\\n unsigned short red, green, blue;\\n char flags; /-* do_red, do_green, do_blue *-/\\n char pad;\\n} XColor;\\n***************/\\n XColor rgbcolor, hardwarecolor;\\n\\n\\nWith color_type defined as { double red, double green, double blue }.\\n\\nWhat I need to know is how to set [is it possible] the values in hardwarecolor\\nto work within the call to XAllocColor:\\n\\n start.red = (int) 255 * min_image.red;\\t/* 0..255 */\\n end.red = (int) 255 * max_image.red;\\t/* 0..255 */\\n jump.red = (int) (( end.red - start.red ) / 7);\\n\\n start.green = (int) 255 * min_image.green; /* 0..255 */\\n end.green = (int) 255 * max_image.green; /* 0..255 */\\n jump.green = (int) (( end.green - start.green ) / 7);\\n\\n start.blue = (int) 255 * min_image.blue; /* 0..255 */\\n end.blue = (int) 255 * max_image.blue; /* 0..255 */\\n jump.blue = (int) (( end.blue - start.blue ) / 7);\\n\\n lut_index = 0;\\n for (i=0; i<8; i++)\\n for (j=0; j<8; j++)\\n for (k=0; k<8; k++)\\n {\\n if ( i == 0 || jump.red < 1 )\\n lut [ lut_index ].red = start.red;\\n else\\n lut [ lut_index ].red = jump.red * i - 1;\\n\\n if ( j == 0 || jump.green < 1 )\\n lut [ lut_index ].green = start.green;\\n else\\n lut [ lut_index ].green = jump.green * j - 1;\\n\\n if ( k == 0 || jump.blue < 1 )\\n lut [ lut_index ].blue = start.blue;\\n else\\n lut [ lut_index ].blue = jump.blue* k - 1;\\n\\n hardwarecolor.red = (short) lut [ lut_index ].red;\\n hardwarecolor.green = (short) lut [ lut_index ].green;\\n hardwarecolor.blue = (short) lut [ lut_index ].blue;\\n hardwarecolor.pixel = lut_index;\\n\\nprintf(\"HW1: i = %d : %d %d %d: pixel = %d \\\\n\", lut_index, hardwarecolor.red,\\n hardwarecolor.green, hardwarecolor.blue, hardwarecolor.pixel );\\n\\n status = XAllocColor ( dpy, colormap, &hardwarecolor );\\nprintf(\"HW2: i = %d: %d %d %d: pixel = %d \\\\n\", lut_index, hardwarecolor.red,\\n hardwarecolor.green, hardwarecolor.blue, hardwarecolor.pixel );\\n if ( status != 0 )\\n {\\n XSetForeground ( dpy, gc, hardwarecolor.pixel );\\n XFillRectangle ( dpy, win, gc, 1, 1, MAXCOLUMN, MAXROW );\\n XFlush ( dpy );\\n sleep (10);\\n printf(\"%d: %f %f %f at %d \\\\n\", lut_index, lut [ lut_index ].re\\n lut [ lut_index ].green, lut [ lut_index ].blue,\\n hardwarecolor.pixel );\\n }\\n lut_index = lut_index + 1;\\n }\\n\\nThanks in advance to anyone who can help me with this problem.\\n\\nSincerely,\\n\\n\\tJohn F. Duggan\\n\\n----------------------------------------------------------------------------\\nJohn F. Duggan alias :Genghis Khan\\nEngineering Computer Services, internet : DUGGAN@ecs.umass.edu \\nUniv. of Massachusetts, Amherst, MA 01003 Bitnet : DUGGAN@umaecs\\n',\n", + " 'From: Carr-C10973@email.comm.mot.com (Eric Carr)\\nSubject: Re: help with phone wire: which ones are \"tip\" & \"ring\"?\\nDistribution: usa\\nOrganization: SmartNet Trunked Systems\\nLines: 38\\nNntp-Posting-Host: 145.1.160.178\\n\\nIn article <1993Apr22.103922.23177@husc3.harvard.edu>,\\nmlevin@husc8.harvard.edu (Michael Levin) wrote:\\n> \\n> \\n> I just bought a little gizmo that is supposed to be installed \"in\\n> series with the tip or ring lines\" of the phone wire. Which ones are\\n> those? Suppose I am holding a regular phone wire, such that the little\\n> plastic tooth (on the little plastic square thing with the naked lead\\n> ends that you plug into the phone) is facing down, and away from me.\\n> Which of the 4 wires that I see is the \"tip\" and which is the \"ring\"?\\n> Please reply to mlevin@husc8.harvard.edu.\\n> \\n> Mike Levin\\n\\nAssuming you are refering to standard POTS or ground start lines:\\n\\nIf you are looking at loop start lines under idle conditions, the RING\\nconductor is the one with approximately -48 to -52 vDC with respect to\\nground while the TIP conductor is at or very near ground potential (be sure\\nto reference the telco ground when taking your measurements). \\n\\nIf you are dealing with ground start lines under idle conditions, the RING\\nconductor will be the one with approximately -48 to -52 vDC while the TIP\\nconductor would look like it\\'s floating (you may see some potential from\\nline capacitance it will bleed off over time). Remember to use the telco\\nground as your reference when making measurements. \\n\\n\\n\\n _________\\n ______/ /_______\\n / \\'67 Caprice /\\n /_____ Sport Coupe_____/\\n /_________/\\n\\n\\n \\n \\n',\n", + " \"From: qazi@csd4.csd.uwm.edu (Aamir Hafeez Qazi)\\nSubject: Re: Mercury Villager Minivan -- good buy?\\nOrganization: University of Wisconsin - Milwaukee\\nLines: 22\\nReply-To: qazi@csd4.csd.uwm.edu\\nNNTP-Posting-Host: 129.89.7.4\\nOriginator: qazi@csd4.csd.uwm.edu\\n\\nFrom article <1r8uckINNcmf@gap.caltech.edu>, by wen-king@cs.caltech.edu (Wen-King Su):\\n> In article <1r7cr2INNvar@sumax.seattleu.edu> smorris@sumax.seattleu.edu (Steven A. Morris) writes:\\n>>The Villager-Quest seem like the best of the Cravan/Voyager copies to\\n> >the MAXIMA 4 speed Auto Trans should be an excellent drive train, and\\n> >controversial.\\n> \\n> Hmm. The last time I checked, Villager/Quest does not have a Maxima\\n> engine, and is very much under powered for its weight.\\n\\n--Yes, it does come with the Maxima GXE engine mated to the Maxima SE\\n transmission. And it has decent power for a minivan also. \\n\\n Check again.\\n\\n--Aamir Qazi\\n-- \\n\\nAamir Qazi\\nqazi@csd4.csd.uwm.edu\\n--Why should I care? I'd rather watch drying paint.\\n\",\n", + " \"From: mfoster@alliant.backbone.uoknor.edu (Marc Foster)\\nSubject: Re: Expansion\\nOriginator: news@midway.ecn.uoknor.edu\\nDistribution: na\\nNntp-Posting-Host: midway.ecn.uoknor.edu\\nOrganization: University of Oklahoma, Norman, OK\\nLines: 33\\n\\nIn article patrick@blanco.owlnet.rice.edu (Patrick L Humphrey) writes:\\n>On Fri, 2 Apr 1993 22:05:16 GMT, vamwendt@atlas.cs.upei.ca (Michael Wendt) said\\n\\n>>16. Albany (New York), Boise (Idaho)--A couple of cities with fair interest\\n>>but size and closeness to other teams is a question.\\n\\n>Albany has their AHL franchise (though it goes by the Capital District label),\\n>but Boise? Forget it. The CHL made an attempt at that part of the country in\\n>1983-84, with a franchise in Great Falls -- and no one showed up. Folks up in\\n>that part of the PNW just aren't interested in hockey.\\n\\nHey Patrick, the Montana Magic played in Billings, not Great Falls...\\n\\n>--PLH, I know where I'd put the next two NHL expansion teams: Phoenix and\\n>Houston, assuming the Whalers don't pack up and move in the meantime...\\n\\nMarc, Phoenix and Houston it is... \\n-------------------------------------------------------------------------------\\n _/_/ _/ _/_/ _/_/_/_/ _/_/_/_/ _/_/ _/_/_/ \\n _/ _/ _/ _/ _/ _/ _/ _/ _/ _/\\n _/ _/ _/ _/ _/ _/ _/ _/ _/ _/\\n _/_/_/ _/ _/_/_/_/ _/ _/_/_/ _/_/_/ _/_/\\n _/ _/ _/ _/ _/ _/ _/ _/ _/ _/\\n _/ _/ _/ _/ _/ _/ _/ _/ _/ _/ _ _ _____\\n_/_/_/ _/_/_/_/ _/ _/ _/_/_/_/ _/_/_/_/ _/ _/ _/_/_/ - - /____/\\n...............................................................................\\nMarc Foster, r.s.h contact for the Oklahoma City Blazers, 1993 Central Hockey\\nUniversity of Oklahoma Geography Department League Adams Cup\\nInternet: mfoster@geohub.gcn.uoknor.edu Champions\\n mfoster@alliant.backbone.uoknor.edu \\n\\nTo be placed on the CHL Mailing List, send email to either address above.\\n-------------------------------------------------------------------------------\\n\",\n", + " 'From: bobbe@vice.ICO.TEK.COM (Robert Beauchaine)\\nSubject: Re: After 2000 years, can we say that Christian Morality is\\nOrganization: Tektronix Inc., Beaverton, Or.\\nLines: 18\\n\\nIn article cobb@alexia.lis.uiuc.edu (Mike Cobb) writes:\\n>What do you base your belief on atheism on? Your knowledge and reasoning? \\n>COuldn\\'t that be wrong?\\n>\\n\\n Actually, my atheism is based on ignorance. Ignorance of the\\n existence of any god. Don\\'t fall into the \"atheists don\\'t believe\\n because of their pride\" mistake.\\n\\n\\n/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\/\\\\ \\n\\nBob Beauchaine bobbe@vice.ICO.TEK.COM \\n\\nThey said that Queens could stay, they blew the Bronx away,\\nand sank Manhattan out at sea.\\n\\n^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\\n',\n", + " \"From: sommer@ips.cs.tu-bs.de (Thorsten Sommer)\\nSubject: Looking for a file-manager under TWM\\nKeywords: file-manager, TWM\\nNntp-Posting-Host: infbsps3.ips.cs.tu-bs.de\\nOrganization: Inst. f. Informatik, TU Braunschweig, FRG\\nLines: 24\\n\\nHi out there!\\n\\nEvery command-line-shell-favourating user: Close your ears, ehm, eyes...\\n\\nI'm looking for a X file-manager which can be driven under TWM.\\nSomebody told me last night, there is one under OpenWindows\\n(and there certainly is one under MS-Windows :-#).\\n\\nBut I'd like an X-one, you know, with icon's, click-and-drag, directory-structures\\nshown in a graphic-layout, a paper-basket etc. ...\\n\\nAnybody got an idea?\\n\\nPlease reply.\\n\\n _/ _/ _/_/_/ thSo - Thorsten Sommer, better known as:\\n _/ _/ _/ Chiquita (Denn nur Chiquita ist Banane!)\\n _/_/_/ _/_/_/ _/_/ _/_/ \\n _/ _/ _/ _/ _/ _/ e-mail: sommer@ips.cs.tu-bs.de\\n _/ _/ _/ _/ _/ _/ \\n _/_/ _/ _/ _/_/_/ _/_/ \\n------------------------------------------------------------------------------\\n Transform ... and roll out! (BigTruck - Transformers)\\n------------------------------------------------------------------------------\\n\",\n", + " \"From: newbury@tecsun1.tec.army.mil (George Newbury)\\nSubject: Re: How hot should the cpu be?\\nDistribution: na\\nOrganization: U.S. Army Topographic Engineering Center, Ft. Belvoir, VA.\\nLines: 21\\n\\nkushmer@bnlux1.bnl.gov (christopher kushmerick) writes:\\n\\n\\n>How hot should the CPU in a 486-33 DX machine be?\\n\\n>Currently it gets so hot that I can not hold a finger on it for more than\\n>0.5 s. \\n\\n>I keep a big fan blowing on it, but am considering using a heat sink.\\n\\n>Any advice?\\n\\t1. Don't hold your finger on it\\n\\t2. When cooking with it use a very small pan and be sure\\n\\t to not spill liquids on the components\\n\\t3. If you do not plan to cook with it there are a number of\\n\\t small cooling fans designed to mount on the chip and plug\\n\\t into your power supply. Look in Consumer Shoppers.\\n\\n\\tNow if only some innovative person could design and produce\\na heat sink which could be used to keep my coffee warm, why I might\\neven buy a Pentium !\\n\",\n", + " \"From: ricardo@rchland.vnet.ibm.com (Ricardo Hernandez Muchado)\\nSubject: Re: Rumours about 3DO ???\\nDisclaimer: This posting represents the poster's views, not necessarily those of IBM\\nNntp-Posting-Host: rs43873.rchland.ibm.com\\nOrganization: IBM Rochester\\nLines: 35\\n\\nIn article <1993Apr19.121925.14451@microware.com>, jejones@microware.com (James Jones) writes:\\n|> In article <1993Apr15.164940.11632@mercury.unt.edu> Sean McMains writes:\\n|> >In article <1993Apr15.144843.19549@rchland.ibm.com> Ricardo Hernandez\\n|> >Muchado, ricardo@rchland.vnet.ibm.com writes:\\n|> >> And CD-I's CPU doesn't help much either. I understand it is\\n|> >>a 68070 (supposedly a variation of a 68000/68010) running at something\\n|> >>like 7Mhz. With this speed, you *truly* need sprites.\\n|> >\\n|> >Wow! A 68070! I'd be very interested to get my hands on one of these,\\n|> >especially considering the fact that Motorola has not yet released the\\n|> >68060, which is supposedly the next in the 680x0 lineup. 8-D\\n|> \\n|> Don't get too excited; Signetics, not Motorola, gave the 68070 its number.\\n|> The 68070, if I understand rightly, uses the 68000 instruction set, and has\\n|> an on-chip serial port and DMA. (It will run at up to 15 MHz--I'm typing\\n|> at a computer using a 68070 running at that rate, so I know that it can\\n|> do so--so I seriously doubt the clock rate that ricardo@rchland.vnet.ibm.com\\n|> claims.)\\n|> \\n|> \\tJames Jones\\n\\n Just because the 68070 can run upto 15Mhz doesn't mean the CD-I\\nis running at that speed. I said -> I understand it is a 68070 running\\nat something like 7Mhz. I am not sure, but I think I read this a long\\ntime ago.\\n\\n Anyway, still with 15Mhz, you need sprites for a lot of tricks for\\nmaking cool awesome games (read psygnosis).\\n\\n--------------------------------------\\nRaist New A1200 owner 320<->1280 in x, 200<->600 in y\\nin 256,000+ colors from a 24-bit palette. **I LOVE IT!**<- New Low Fat .sig\\n*don't e-mail me* -> I don't have a valid address nor can I send e-mail\\n\\n \\n\",\n", + " 'From: delarocq@eos.ncsu.edu (DERRELL EMERY LAROCQUE)\\nSubject: A few words of advice to the Stars Hater....\\nOriginator: delarocq@c00082-100lez.eos.ncsu.edu\\nReply-To: delarocq@eos.ncsu.edu (DERRELL EMERY LAROCQUE)\\nOrganization: North Carolina State University, Project Eos\\nLines: 37\\n\\n\\n\\n\\n\\n\\n I have some advice for you, and some thoughts about\\nyour hatred of the Minnesota North Stars:\\n\\n1. A real team like Toronto would not be moved, you are right,\\n just eliminated from the playoffs first round!\\n2. Why stay in Minnesota when you can go to a college in\\n Western Ontario and actually take classes on map-reading\\n and the Artistry of BSing specifically set up for just you.\\n3. Why should anyone love the Stars, when hating the Leafs\\n is so much better?\\n4. Oh, I\\'m sorry.. well, maybe you can\\'t understand my\\n big words.. next time I\\'ll limit my vocabulary to words\\n like \"get real team now\" and \"do not waste our time\"\\n5. Respond to this article. I love to laugh at your humor,\\n even though it it unintentional. I got a BIG kick out of\\n GO LEAFS GO.... go where? HOME, I think!! :)\\n-- \\ndelarocq@eos.ncsu.edu\\n\\n\\n \\n--------------------------------------------------------------------------- \\n1988,1989,1990,1991 AFC East Division Champions\\n1991,1992, AND 1993 AFC Conference Champions!!!!!!!! :)\\n\\nSquished the Fish ............... Monday Night Football, November 16, 1992..\\nSQUISHED THE TRASH TALKING FISH.. AFC CHAMPIONSHIP, JANUARY 17, 1992..\\n\\nIf you are a Buffalo Bills fan, email me at delarocq@eos.ncsu.edu\\nso we can talk all about the games, insight, etc.\\nIf you are a Packers fan, let me know. I am interested in any news\\nout of Green Bay...\\n',\n", + " 'From: atterlep@vela.acs.oakland.edu (Cardinal Ximenez)\\nSubject: Re: Pantheism & Environmentalism\\nOrganization: National Association for the Disorganized\\nLines: 46\\n\\nby028@cleveland.freenet.edu (Gary V. Cavano) writes:\\n\\n>...does anybody out there see the current emphasis on the\\n>environment being turned (unintentionally, of course) into\\n>pantheism?\\n\\n>I\\'ve debated this quite a bit, and while I think a legitimate\\n>concern for the planet is a great thing, I can easily see it\\n>being perverted into something dangerous.\\n\\n Many pagans are involved in environmentalism--this is only natural, since\\nrespect for the earth is a fundamental tenet of all pagan denominations. This\\ndoesn\\'t mean that environmentalism is wrong, any more than supporting peace in\\nthe Middle East is wrong because Jews and Muslims also work for it.\\n\\n Nonetheless, paganism is certainly on the rise, and we as Christians should\\naddress this and look at what draws people from paganism to Christianity. Like\\nit or not, pagan religions are addressing needs that Christianity should be,\\nand isn\\'t. \\n I believe that paganism has hit upon some major truths that Christianity has\\nforgotten. This doesn\\'t mean that paganism is right, but it does mean that we\\nhave something to learn from the pagan movement.\\n First, paganism respects the feminine. Christianity has a long history of\\noppressing women, and many (if not most) male Christians are still unable to\\nlive in a non-sexist manner. The idea that God is sexless, or that Christ \\ncould have been a women and still accomplished his mission, is met with a great\\ndeal of resistance. This insistance on a male-dominated theology (and the \\nmale-dominated society that goes with it) drives away many young women who have\\nhad to put up with sexist attitudes in their churches.\\n Second, paganism respects the physical world. This is an idea with great\\nramifications. One of these is environmentalism--respect for our surroundings\\nand our world. Another is integration of sexuality. Christianity has a long\\ntradition of calling ALL sexual feeelings sinful and urging people to suppress\\nand deny their sexuality. This is too much--sex is clearly a part of human\\nexperience and attempting to remove it is simply not a feasible option. \\nChristianity has only begun to develop a workable sexual ethic, and paganism\\nis an attractive option.\\n I\\'m not advocating that Christian doctrines (no sex before marriage, etc.)\\nshould be changed--just that Christians work toward a more moderate ethic of\\nsexuality. Denial of sexuality places as much emphasis on sex as unmoderated\\nsexuality, and neither one does much to bring us closer to God.\\n\\nAlan Terlep\\t\\t\\t\\t \"Incestuous vituperousness\"\\nOakland University, Rochester, MI\\t\\t\\t\\natterlep@vela.acs.oakland.edu\\t\\t\\t\\t --Melissa Eggertsen\\nRushing in where angels fear to tread.\\t\\t\\n',\n", + " \"From: hugo@hydra.unm.edu (patrice cummings)\\nSubject: polygon orientation in DXF?\\nOrganization: University of New Mexico, Albuquerque\\nLines: 21\\nNNTP-Posting-Host: hydra.unm.edu\\n\\n\\nHi. I'm writing a program to convert .dxf files to a database\\nformat used by a 3D graphics program I've written. My program stores\\nthe points of a polygon in CCW order. I've used 3D Concepts a \\nlittle and it seems that the points are stored in the order\\nthey are drawn.\\n\\nDoes the DXF format have a way of indicating which order the \\npoints are stored in, CW or CCW? Its easy enough to convert,\\nbut if I don't know which way they are stored, I dont know \\nwhich direction the polygon should be visible from.\\n\\nIf DXF doesn't handle this, can anyone recommend a workaround?\\nThe best I can think of is to create two polygons for each one\\nin the DXF file, one stored CW and the other CCW. But that\\ndoubles the number of polygons and decreases speed...\\n\\nThanks in advance for any help,\\n\\nPatrice\\nhugo@hydra.unm.edu \\n\",\n", + " \"From: woods@ncar.ucar.edu (Greg Woods)\\nSubject: Re: Rockies spoon-feed game to Mets\\nOrganization: Scientific Computing Division/NCAR Boulder, CO\\nLines: 18\\n\\nIn article <4200416@hpcc01.corp.hp.com> boell@hpcc01.corp.hp.com (Donald P Boell) writes:\\n>Is it just me, or does Bichette look totally lost in the outfield?\\n\\nHe's been playing horrible defense. Baylor said after Wednesday's game that\\nhe wanted to shake up the lineup a little, because Bichette has been\\nhaving a rough time defensively and Jerald Clark has not been hitting.\\nHe was true to his word; I went to Thursday's game and Gerald Young\\nwas in right and Daryl Boston (who has a very hot bat) was in left.\\nBaylor was careful to say though that he didn't necessarily mean for\\nthese changes to be permanent but he wanted to give these other two\\na shot while Clark and Bichette were not playing well.\\n\\nIn defense of Bichette, it looks like right field in Mile High Stadium\\nis a bitch to play. Some of the visiting outfielders have been having\\nsome problems too (although Bobby Bonilla made a great catch crashing into\\nthe wall to rob Daryl Boston of an extra base hit in Thursday's game)\\n\\n--Greg\\n\",\n", + " 'From: mathew \\nSubject: Re: Gulf War / Selling Arms\\nOrganization: Mantis Consultants, Cambridge. UK.\\nX-Newsreader: rusnews v1.02\\nLines: 32\\n\\njbrown@batman.bmd.trw.com writes:\\n> Mathew, I agree. This, it seems, is the crux of your whole position,\\n> isn\\'t it? That the US shouldn\\'t have supported Hussein and sold him arms\\n> to fight Iran? I agree. And I agree in ruthlessly hunting down those\\n> who did or do. But we *did* sell arms to Hussein, and it\\'s a done deal.\\n> Now he invades Kuwait. So do we just sit back and say, \"Well, we sold\\n> him all those arms, I suppose he just wants to use them now. Too bad\\n> for Kuwait.\" No, unfortunately, sitting back and \"letting things be\"\\n> is not the way to correct a former mistake. Destroying Hussein\\'s\\n> military potential as we did was the right move. But I agree with\\n> your statement, Reagan and Bush made a grave error in judgment to\\n> sell arms to Hussein.\\n\\nBut it\\'s STILL HAPPENING. That\\'s the entire point. Only last month, John\\nMajor hailed it as a great victory that he had personally secured a sale of\\narms to Saudi Arabia. The same month, we sold jet fighters to the same\\nIndonesian government that\\'s busy killing the East Timorese.\\n\\nIt\\'s all very well to say \"Oops, we made a boo-boo, better clean up the\\nmistake\", but the US and UK *keep* making the *same* mistake. They do it so\\noften that I can\\'t believe it\\'s not deliberate. This suspicion is reinforced\\nby the fact that the mistake is an extremely profitable one for a decrepit\\neconomy reliant on arms sales.\\n\\n> So it\\'s really not the Gulf War you abhor\\n> so much, it was the U.S.\\'s and the West\\'s shortsightedness in selling\\n> arms to Hussein which ultimately made the war inevitable, right?\\n\\nNo, I thought both were terrible.\\n\\n\\nmathew\\n',\n", + " \"From: kene@acs.bu.edu (Kenneth Engel)\\nSubject: Re: Atheists and Hell\\nOrganization: Boston University, Boston, MA, USA\\nLines: 18\\n\\n|> Imagine the worst depth of despair you've\\n|> ever encountered, or the worst physical pain you've ever experienced.\\n|> Some people suffer such emotional, physical, and mental anguish\\n|> in their lives that their deaths seem to be merciful. But at least\\n|> the pain does end in death. What if you lived a hundred such lives,\\n|> at the conclusion of one you were instantly reborn into another?\\n|> What if you lived a million, a billion years in this state?\\n|> What if this kept going forever?\\n\\n\\nDid this happen to Jesus? I don't think so, not from what I heard. He lived\\nONE DAY of suffering and died. If the wages of sin is the above paragraph, then\\nJESUS DIDN'T PAY FOR OUR SINS, DID HE?\\n\\nI'd be surprised to see the moderator let this one through, but I seriously\\nwant a reasonable explanation for this.\\n\\nken\\n\",\n", + " 'From: walsh@mari.acc-admin.stolaf.edu (Brian L Walsh)\\nSubject: VESA driver for XGA-2\\nOrganization: St. Olaf College; Northfield, MN\\nLines: 6\\n\\n\\tI heard that there is a VESA driver for the XGA-2 card available on \\ncompuserve. I just got this card, and I am wondering if this driver is \\navailable on a FTP site anywhere. My news service has beeen erratic lately so\\nplease E-Mail me at:\\n\\t\\t\\t\\twalsh@stolaf.edu\\n\\tThanks in advance. \\n',\n", + " \"From: nancyo@fraser.sfu.ca (Nancy Patricia O'Connor)\\nSubject: Re: Amusing atheists and agnostics\\nOrganization: Simon Fraser University, Burnaby, B.C., Canada\\nLines: 11\\n\\ntimmbake@mcl.ucsb.edu (Bake Timmons) writes:\\n\\n>Rule #4: Don't mix apples with oranges. How can you say that the\\n>extermination by the Mongols was worse than Stalin? Khan conquered people\\n>unsympathetic to his cause. That was atrocious. But Stalin killed millions of\\n>his own people who loved and worshipped _him_ and his atheist state!! How can\\n>anyone be worse than that?\\n\\nYou're right. And David Koresh claimed to be a Christian.\\n\\n\\n\",\n", + " 'From: wd@cs.tu-berlin.de (Wolfgang Diestelkamp)\\nSubject: Re: How universal are phones these days?\\nOrganization: Technical University of Berlin, Germany\\nLines: 24\\nDistribution: world\\nNNTP-Posting-Host: sam.cs.tu-berlin.de\\nMime-Version: 1.0\\nContent-Type: text/plain; charset=iso-8859-1\\nContent-Transfer-Encoding: 8bit\\nIn-reply-to: hugo@cats.ucsc.edu\\'s message of 26 Apr 1993 07:32:33 GMT\\n\\nIn article <1rg36hINNsr6@darkstar.UCSC.EDU> hugo@cats.ucsc.edu (Hugo Calendar) writes:\\n\\n> I\\'m wondering if I can tote my American touch tone phone around with me\\n> to Sweden and Germany. It\\'s DC powered, and I can buy a special adapter\\n> for that in Europe. The question is if the general electronics work\\n> the same. I can buy a different wall plug and refit it (I\\'m sure I\\'d\\n> have to), but would that do the trick?\\n\\nTwo things to watch for:\\nIn Germany (and I think the same holds for Sweden) only some\\nof the connections can handle tone dialing, so make sure the\\nphone can be set to pulse dialing.\\nIn Sweden, the \\'0\\' is the first digit and all other digits\\nare pushed \"down\" by one position; this makes dialing (and\\nin the process converting numbers) an interesting task.\\nOtherwise, it is technically no problem to connect a foreign\\nphone to either the German or Swedish phone system.\\nOTOH neither you nor I would ever try that, as it is of course\\nillegal.\\n-- \\nWolfgang Diestelkamp\\nwd@cs.tu-berlin.de\\nwolfgang@first.gmd.de\\n\\n',\n", + " 'From: cpt@tiamat.umd.umich.edu (Paul Gubbins)\\nSubject: win. Lock up at 16 Mil on Dia. Stelth24x HELP!\\nKeywords: stelth\\nOrganization: University of Michigan\\nLines: 19\\nNNTP-Posting-Host: cw-u04.umd.umich.edu\\n\\nPlease Help if you can. Whenever I try to run windows useing the 16\\nmillion color mode with the drivers supplyed with my Diamond Stelth 24x\\nIt will lock up requireing a full system reset to break out. The drivers\\nthat I have for windows are V.1.00 for windows 3.1 (which IS the version\\nof windows I am useing)\\n\\nMy Setup\\n---------\\n386DX40 128KCach\\n4 Megs of ram\\n14\" SVGA touch Monitor non-interlaced\\nAMI Bios\\n\\nAny and all help would be apreciated, The card seems to work fine in other\\nmodes, I usually run windows in 800x600 mode and probs at all, so I am\\nhopeing it is a driver and not a card problem.\\n\\nPaul Gubbins\\ncpt@tiamat.umd.umich.edu\\n',\n", + " \"From: sfp@lemur.cit.cornell.edu (Sheila Patterson)\\nSubject: Re: Losing your temper is not a Christian trait\\nOrganization: Cornell University CIT\\nLines: 10\\n\\n\\n \\nHooray ! I always suspected that I was human too :-) It is the desire to be like\\nChrist that often causes christians to be very critical of themselves and other\\nchristians. We are supposed to grow, mature, endeavour to be Christ-like but we\\nare far far far from perfect. Build up the body of Christ, don't tear it down,\\nand that includes yourself. Jesus loves me just the way I am today, tomorrow and\\nalways (thank God ! :-).\\n\\n-Sheila Patterson\\n\",\n", + " 'From: bryan@jpl-devvax.jpl.nasa.gov (Bryan L. Allen)\\nSubject: Re: New Encryption Algorithm\\nSummary: Boundaries are in the eye of the beholder\\nKeywords: NSA surveillance ( )\\nOrganization: Telos Corp., Jet Propulsion Laboratory (NASA)\\nLines: 25\\n\\nIn article <49@shockwave.win.net> jhupp@shockwave.win.net (Jeff Hupp) writes:\\n> \\n>>In article <1raeir$be1@access.digex.net> steve-b@access.digex.com (Steve Brinich) writes:\\n[some deleted]\\n>>\\n>>Unlike the CIA, the NSA has no prohibition against domestic spying. Read\\n>>Bamford\\'s THE PUZZLE PALACE.\\n>>\\n>>Bruce\\n>>\\n> I have that book, and the way I read it is, one side of the\\n>conversation MUST be from outside the United States.\\n> Of coures, that ASS U MEs that the NSA plays by the rules...\\n\\nOne thing that seems ambiguous is whether a signal being echoed down from\\ngeosynchronous orbit is \"...from outside the United States.\"\\n\\nAlso, being able to assess whether NSA is playing by the rules requires\\nknowing what the rules are. We only know a subset. For those even more\\nsuspicious, there could be other surveillance organizations \"blacker\"\\nthan the NSA.\\n\\n-- \\n Bryan L. Allen bryan@devvax.jpl.nasa.gov\\n Telos Corp./JPL (818) 306-6425\\n',\n", + " 'Subject: XGA-2 info?\\nFrom: rleberle@sparc2.cstp.umkc.edu (Rainer Leberle)\\nDistribution: World\\nOrganization: University of Missouri Kansas City\\nNNTP-Posting-Host: sparc2.cstp.umkc.edu\\nLines: 13\\n\\nHi,\\nhas anyone more info about the XGA-2 chipset?\\nHW-funcs, TrueColor, Resolutions,...\\nAny boards with XGA-2 out yet?\\n\\nthanks\\nRainer\\n\\n-- \\nRainer Leberle\\t rleberle@sparc2.cstp.umkc.edu\\nUniversity of Kansas City, MO \\n\\n>> New mail from clinton@whitehouse.dc.gov - (No Subject Specified)\\n',\n", + " \"From: rjwade@rainbow.ecn.purdue.edu (Robert J. Wade)\\nSubject: Re: Saturn Extended Warranty\\nOrganization: Purdue University Engineering Computer Network\\nLines: 26\\n\\nIn article <93113.123459U59985@uicvm.uic.edu> writes:\\n>I agree with Gaia. Even though the Saturn has proved to be a very reliable car\\n>so far, a little money spent now is worth the peace of mind.\\n\\nthis is an interesting point. some people are not really buying the coverage,\\nthey are buying 'peace of mind', marketing folks love selling that. i suggest\\nthat people *choose* to not engage their minds in peaceless worry rather than\\nbuying that 'peace of mind'.\\n>\\n>In my opinion, getting the PowerTrain warranty is enough. In my case, that's be\\n>cause; anything that needed repairing in the interior (sunroof, windows, doors,\\n> etc.) I could do myself. I just didn't want to mess with the engine and such.\\n\\nyou'd be surprised how much the little knick-knack stuff can cost? what if \\nyour a/c goes out? steering rack?? don't get me wrong...i'm against all\\nextended warranties...they are a ripoff.\\n>\\n>Plus I think the extra 3 years of 24-hour RoadSide Assistance must be worthe so\\n>meting. I opted for the 5 year plan for $375.\\nextra 3 yrs? you realize the first 3yr/36k is free warranty that comes with \\nthe car.\\n>\\n>Thomas\\n>\\n\\n\\n\",\n", + " 'From: pgf@srl02.cacs.usl.edu (Phil G. Fraering)\\nSubject: Re: Vandalizing the sky.\\nOrganization: Univ. of Southwestern Louisiana\\nLines: 16\\n\\nJeff.Cook@FtCollinsCO.NCR.COM (Jeff Cook) writes:\\n...\\n>people in primitive tribes out in the middle of nowhere as they look up\\n>and see a can of Budweiser flying across the sky... :-D\\n\\nSeen that movie already. Or one just like it.\\nCome to think of it, they might send someone on\\na quest to get rid of the dang thing...\\n\\n>Jeff Cook Jeff.Cook@FtCollinsCO.NCR.com\\n\\n--\\nPhil Fraering |\"Seems like every day we find out all sorts of stuff.\\npgf@srl02.cacs.usl.edu|Like how the ancient Mayans had televison.\" Repo Man\\n\\n\\n',\n", + " \"From: libwca@emory.edu (Bill Anderson)\\nSubject: Re: ABOLISH SELECTIVE SERVICE\\nOrganization: Emory University, Atlanta, GA\\nLines: 29\\nX-Newsreader: Tin 1.1 PL3\\n\\nwilliam@fractl.tn.cornell.edu writes:\\n: In article <1993Apr15.215747.17331@m5.harvard.edu>, borden@head-cfa.harvard.edu (Dave Borden) writes:\\n: >The Selective Service Registration should be abolished. To start with, the\\n: >draft is immoral. Whether you agree with that or not, we don't have one now,\\n: >and military experts agree that the quality of the armed forces is superior\\n: >with a volunteer army than with draftees. Finally, the government has us\\n: >on many lists in many computers (the IRS, Social Security Admistration and\\n: >Motor Vehicle Registries to name a few) and it can find us if it needs to.\\n: >Maintaining yet another list of people is an utter waste of money and time.\\n: >Let's axe this whole department, and reduce the deficit a little bit.\\n: >\\n: >\\n: > - Dave Borden\\n: > borden@m5.harvard.edu\\n: \\n: \\n: You selfish little bastard. Afraid you might have to sacrafice somthing\\n: for your country. What someone not approve a lone for you ? To bad.\\n: What is immoral is: people like you and the current president who don't\\n: have any idea why this country still exists after 200+ years.\\n\\t\\t\\t\\t\\t\\n\\t\\t\\t\\t\\tThis country still exists after 200+ years\\n\\t\\t\\t\\t\\tbecause the \\n\\t\\t\\t\\t\\tpeople have to be forced by the government to\\n\\t\\t\\t\\t\\tfight in foreign wars?\\n\\t\\t\\t\\t\\tI don't think so...\\n\\t\\t\\t\\t\\t\\n\\t\\t\\t\\t\\tBill\\n\\t\\t\\t\\t\\t.\\n\",\n", + " \"From: iisakkil@beta.hut.fi (Mika Iisakkila)\\nSubject: Re: DX50 vs DX266\\nIn-Reply-To: arnolm2@aix.rpi.edu's message of Wed, 21 Apr 1993 23:55:12 GMT\\nNntp-Posting-Host: beta.hut.fi\\nOrganization: Helsinki University of Technology, Finland\\nLines: 11\\n\\narnolm2@aix.rpi.edu (Matthew Richard Arnold) writes:\\n>chip in the future. I must be missing something, since everyone is \\n>buying the DX2 66... Many adds don't even mention the DX 50.\\n\\nThe 50 MHz external bus speed provides a hell for cache designs. Most\\nof the DX-50 boards have too slow caches that make them effectively\\nDX2-50:s. Also as someone else pointed out, local bus boards are\\nbetter off at 33 MHz bus speed. The 8k internal cache allows the\\nDX2-66 to be generally faster anyway.\\n--\\nSegmented Memory Helps Structure Software\\n\",\n", + " \"Distribution: world\\nFrom: bruce_linde@bmug.org\\nOrganization: BMUG, Inc.\\nSubject: eight 4mb 70ns simms $105/ea., o.b.o.\\nLines: 14\\n\\na friend of mine has eight (8) 4mb 70ns simms for sale for $105/each or best\\noffer. since techworks sells these puppies for $140/ea., you may want to\\ncontact him directly at:\\n\\nsteve epstein\\n895-6236 days\\n706-2436 evenings\\n\\nthanks,\\nbruce l.\\n\\n**** From Planet BMUG, the FirstClass BBS of BMUG. The message contained in\\n**** this posting does not in any way reflect BMUG's official views.\\n\\n\",\n", + " \"From: sas@cbnewsg.cb.att.com (s.a.sullivan)\\nSubject: Re: Let's play the name game!\\nOrganization: AT&T\\nDistribution: na\\nLines: 13\\n\\nIn article <1993Apr20.035607.26095@newshub.ariel.yorku.ca> cs902043@ariel.yorku.ca (SHAWN LUDDINGTON) writes:\\n>How about changing team names!\\n>Post your choices!\\n>\\n>Here I'll start:\\n>How about the \\n>Baltimore Baseblazers\\n>San Francisco Quakes\\n>Pittsburgh Sellouts>\\n>Shawn - Go Rangers!!!!!!!!!!!!!!!!!!!\\n>\\n\\n\\n\",\n", + " 'From: mcelwre@cnsvax.uwec.edu\\nSubject: BIOLOGICAL ALCHEMY\\nOrganization: University of Wisconsin Eau Claire\\nLines: 103\\nIMPORTANT-INFO: It is HUMBLY suggested by Robert\\'s FANS that you REDIRECT all\\n\\tFOLLOWUPS into alt.fan.robert.mcelwaine, or at least CONSIDER doing so.\\n\\n \\n\\n BIOLOGICAL ALCHEMY\\n \\n ( ANOTHER Form of COLD FUSION )\\n\\n ( ALTERNATIVE Heavy Element Creation in Universe ) \\n\\n A very simple experiment can demonstrate (PROVE) the \\n FACT of \"BIOLOGICAL TRANSMUTATIONS\" (reactions like Mg + O \\n --> Ca, Si + C --> Ca, K + H --> Ca, N2 --> CO, etc.), as \\n described in the BOOK \"Biological Transmutations\" by Louis \\n Kervran, [1972 Edition is BEST.], and in Chapter 17 of the \\n book \"THE SECRET LIFE OF PLANTS\" by Peter Tompkins and \\n Christopher Bird, 1973: \\n\\n (1) Obtain a good sample of plant seeds, all of the same \\n kind. [Some kinds might work better that others.]\\n\\n (2) Divide the sample into two groups of equal weight \\n and number.\\n\\n (3) Sprout one group in distilled water on filter paper \\n for three or four weeks.\\n\\n (4) Separately incinerate both groups.\\n\\n (5) Weigh the residue from each group. [The residue of \\n the sprouted group will usually weigh at least \\n SEVERAL PERCENT MORE than the other group.]\\n\\n (6) Analyze quantitatively the residue of each group for \\n mineral content. [Some of the mineral atoms of the \\n sprouted group have been TRANSMUTED into heavier \\n mineral elements by FUSING with atoms of oxygen, \\n hydrogen, carbon, nitrogen, etc..]\\n\\n \\n BIOLOGICAL TRANSMUTATIONS occur ROUTINELY, even in our \\n own bodies. \\n \\n Ingesting a source of organic silicon (silicon with \\n carbon, such as \"horsetail\" extract, or radishes) can SPEED \\n HEALING OF BROKEN BONES via the reaction Si + C --> Ca, (much \\n faster than by merely ingesting the calcium directly). \\n \\n Some MINERAL DEPOSITS in the ground are formed by micro-\\n organisms FUSING together atoms of silicon, carbon, nitrogen, \\n oxygen, hydrogen, etc.. \\n \\n The two reactions Si + C <--> Ca, by micro-organisms, \\n cause \"STONE SICKNESS\" in statues, building bricks, etc.. \\n \\n The reaction N2 --> CO, catalysed by very hot iron, \\n creates a CARBON-MONOXIDE POISON HAZARD for welder operators \\n and people near woodstoves (even properly sealed ones). \\n \\n Some bacteria can even NEUTRALIZE RADIOACTIVITY! \\n \\n\\n ALL OF THESE THINGS AND MORE HAPPEN, IN SPITE OF the \\n currently accepted \"laws\" of physics, (including the law \\n which says that atomic fusion requires EXTREMELY HIGH \\n temperatures and pressures.) \\n\\n\\n\\n \"BIOLOGICAL TRANSMUTATIONS, And Their Applications In \\n CHEMISTRY, PHYSICS, BIOLOGY, ECOLOGY, MEDICINE, \\n NUTRITION, AGRIGULTURE, GEOLOGY\", \\n 1st Edition, \\n by C. Louis Kervran, Active Member of New York Academy of \\n Science, \\n 1972, \\n 163 Pages, Illustrated, \\n Swan House Publishing Co.,\\n P.O. Box 638, \\n Binghamton, NY 13902 \\n\\n \\n \"THE SECRET LIFE OF PLANTS\", \\n by Peter Tompkins and Christopher Bird, \\n 1973, \\n 402 Pages, \\n Harper & Row, \\n New York\\n [Chapters 19 and 20 are about \"RADIONICS\". Entire book is \\n FASCINATING! ]\\n \\n\\n For more information, answers to your questions, etc., \\n please consult my CITED SOURCES (the two books). \\n\\n\\n\\n UN-altered REPRODUCTION and DISSEMINATION of this \\n IMPORTANT Information is ENCOURAGED. \\n\\n\\n Robert E. McElwaine\\n B.S., Physics and Astronomy, UW-EC\\n\\n\\n',\n", + " 'From: gtj@goanna.cs.rmit.oz.au (Glenn T Jayaputera)\\nSubject: Need Info on high quality video card\\nOrganization: RMIT Department of Computer Science\\nLines: 10\\n\\nHi...I need some info on video card. I am looking a video card that can\\ndeliver a high quality picture. I need the card to display images (well\\nfor advertising company btw), so it must be rich with colors and the speed\\nmust be fast too.\\n\\nI am just wondering if somebody can advise me what to buy for such\\napplication, and possible the address of the vendor.\\n\\nthanks in advance\\nGlenn Jayaputera\\n',\n", + " 'From: jaeger@buphy.bu.edu (Gregg Jaeger)\\nSubject: Re: Yet more Rushdie [Re: ISLAMIC LAW]\\nOrganization: Boston University Physics Department\\nLines: 16\\n\\nIn article <1993Apr10.125109.25265@bradford.ac.uk> L.Newnham@bradford.ac.uk (Leonard Newnham) writes:\\n\\n>Gregg Jaeger (jaeger@buphy.bu.edu) wrote:\\n\\n>>Could you please explain in what way the Qur\\'an in your eyes carries\\n>>\"the excess baggage of another era\"? The Qur\\'an in my opinion carries\\n>>no such baggage. \\n\\n>How about trying to run a modern economy without charging interest on\\n>loans. From what I hear, even fundamentalist Iran is having to\\n>compromise this ideal.\\n\\nWhich sort of loans and what have you heard exactly?\\n\\n\\nGregg\\n',\n", + " 'From: prb@access.digex.net (Pat)\\nSubject: Re: SDIO kaput!\\nOrganization: Express Access Online Communications, Greenbelt, MD USA\\nLines: 6\\nNNTP-Posting-Host: access.digex.net\\n\\n\\nNot to mention how those those liberal presidents, Nixon, Ford,\\nReagan, Bush. did nothing to support true commercial space\\nactivities.\\n\\npat\\n',\n", + " 'From: jac2y@Virginia.EDU (\"Jonathan A. Cook \")\\nSubject: Stuff for sale- music\\nOrganization: University of Virginia\\nLines: 19\\n\\nCDs ($9 ea inc shipping)\\n---\\nJesus Jones, DOUBT\\nResidents, HEAVEN?\\nREM, DOCUMENT\\nNymphs, SAD AND DAMNED single\\n\\nTapes\\n-----\\nRobert Plant, all solo stuff\\nLed Zeppelin IV\\n\\nTshirts\\n-------\\nRobert Plant, Manic Nirvana tour\\nLed Zeppelin, Symbols/Swansong black\\nBob Dylan, 1990 tour tie-dye\\n\\nAll offers accepted. Mail to jac2y@virginia.edu\\n',\n", + " \"From: mcbeeb@atlantis.CSOS.ORST.EDU (Brian Mcbee)\\nSubject: How can clipper stay classified?\\nArticle-I.D.: leela.1qstqs$jmt\\nDistribution: world\\nOrganization: CS Dept. Oregon State University, Corvallis, Oregon.\\nLines: 8\\nNNTP-Posting-Host: atlantis.csos.orst.edu\\n\\nMaybe I don't know enough to know what I am asking, but with millions\\nof these things about, how could the algorythm possibly stay secret?\\nCouldn't some clever hackers just grind the thing down layer by layer,\\nand see how it worked?\\n\\n-- \\n----\\nBrian McBee mcbeeb@atlantis.cs.orst.edu Finger me for PGP 2.1 key\\n\",\n", + " \"From: pyotr@halcyon.com (Peter D. Hampe)\\nSubject: Phill says Koresh == Hitler, was Welcome to Police State USA\\nOrganization: Northwest Nexus Inc.\\nLines: 90\\nNNTP-Posting-Host: nwfocus.wa.com\\n\\nhallam@dscomsa.desy.de (Phill Hallam-Baker) writes:\\n\\n>|>>the murderes of four police officers to justice perhaps we could\\n>|>>hear it.\\n>|>\\n>|>They _had_ a sure-fire method: keep them bottled up and talk them to death or\\n>|>surrender without giving him justification for some looney-tune religious\\n>|>stunt.\\n>|>\\n>|>Phil, I've been reading your postings for months and I'm convinced that you\\n>|>will back anything, no matter how damaging it may be to yours or anyone\\n>|>else's rights if you think it will hurt people you don't like. It's people\\n>|>with that attitude that set up the preconditions for the Holocaust, a process\\n>|>that is in place _now_ in this country, even if the tattered, pitiful remains\\n>|>of the Constitution is slowing its progress. This isn't a Libertarian issue,\\n>|>others may argue that line, but from a strictly Constitutional view of a\\n>|>democratic gov't, what the FBI and BATF did was wrong, wrong, wrong, even if\\n>|>their _reasons_ for trying to arrest Koresh were 100% right. _Anything_ that\\n>|>leads to the deaths of 17 children, if nothing else touches your stoney\\n>|>heart, is _wrong_ no matter who pushed the button. For God's sake, man, get\\n>|>your morality back.\\n\\n>The person who murdered 17 children was Koresh. He kept them there and \\n>brought about their deaths deliberately.\\n\\n>You may consider that I am a complete bastard and a not very nice chap.\\n>Thats quite true. I don't pretend to be. Being nice is what amateurs\\n>try to do. If you want to talk politics you are talking hard decisions\\n>such as whether the lives of the troops should be risked attempting\\n>to rescue the children. Anyone who has held the office of President\\n>of the United States since FDR has held the threat that if the USA\\n>or its allies were to be threatened then the USA would risk nuclear \\n>Holocaust in order to protect freedom. Beleive it or not, that is not\\n>the sort of threat that nice chaps make. Do they have a gun nutters\\n>section of the US version of CND by any chance?\\n\\n\\n>There are cases where society has to be protected from\\n>madmen such as Koresh or Hitler. If it were not for the consideration\\n>of the 17 children in there the question of the tactics to be used would\\n>not be a matter of anything but academic significance. It is not for\\n>the govt to prevent people from commiting mass suicide.\\n\\n>The latest reports are that cult members were shot attempting to\\n>leave the compound by Koresh loyalists during the fire. If proven\\n>that would entail the final nail in the coffin of those who want to\\n>promote Koresh as some sort of role model or hero.\\n\\n>I need hardly add that it is Koresh that has created the Holocaust in\\n>this case by the deliberate arson of the ranch appocalypse.\\n\\nLet me see if I got this right.\\n\\nGroup of religious plinter schismatics erect a compound\\nand after at least fifty years of peaceful co-existance\\nwith the outside community (having shoot outs only with\\neach other) - this makes them dangerous. Prior history\\nwould seem to indicate they are only dangerous to themselves.\\n\\nLast I knew there was no National Branch Davidian Party\\nblaming the debacle in VeitNam on Foreign Meddlers and\\nthree-two beer, calling for the Rounding up of Meat Packers,\\nGrowers and Slaughter Houses.\\n\\nYou want tough political choices - how about letting odd balls\\nbe odd balls? (I know, this requires tolerance for \\nthose that go into Government - but we all know people\\nwho have no useful skills.)\\n\\n\\nith the death of the children everybody is getting\\nreal upset - what about the other 40 plus people?\\nI suppose that you consider children to be property\\nof the state with the family as custodians. (In the\\nStates its the other way around - children are parental property.)\\nIf what you consider a Corrupt Government demands that\\nyou send you children into _their_ tender care - I\\nsuppose that you will obey the State and turn you children\\nover to their care. Sorry - I am not as enamoured of the\\nwomb to tomb cradle that is IngSoc.\\n\\nGotta go, the beach is calling.\\nchus\\npyotr\\n\\n-- \\npyotr@halcyon.com Sometimes Pyotr Filipivich, sometimes Owl. \\nApril 19, 1993 - You realize that this makes twice in two\\nmonths that the Government had a Perfect Plan that went awry?\\n\\n\",\n", + " 'From: jeffh@ludwig.cc.uoregon.edu (Jeff Hite )\\nSubject: Re: Mac Plus is constantly rebooting!\\nArticle-I.D.: pith.1qk7nu$ra8\\nOrganization: University of Oregon Network Services\\nLines: 25\\nNNTP-Posting-Host: ludwig.cc.uoregon.edu\\n\\nIn article russ@hpuerca.atl.hp.com (Russ \\nHodes) writes:\\n> Tae Shin (tshin@husc8.harvard.edu) wrote:\\n> : \\n> : Basically, the Mac Pluses are constantly rebooting themselves, as if \\nthe\\n> : reboot button were being pushed. Sometimes the Mac is able to fully \\nboot\\n> : and display the desktop, but it is only a matter of time before it \\nreboots\\n> : again. At times, the frequency is as high as several times a minute. \\n> : \\n> I wonder if your Mac has those little \"RESET / INTERUPT\" switches\\n> installed. They are plastic devices that push on the switches which\\n> are inside the mac. Or mabey those switches are bad and need\\n> replacing.\\n\\nThis problem is usually a low +5 Vdc from the power supply, there is an \\nadjustment for this on the supply. If the voltage is still unstable or low \\nthen the culprit is probably a bad rectifier at CR20.\\n\\nJeff Hite\\nComputing Center\\nU of Oregon\\njeffh@ludwig.cc.uoregon.edu\\n',\n", + " 'From: cdt@sw.stratus.com (C. D. Tavares)\\nSubject: Re: Rewording the Second Amendment (ideas)\\nOrganization: Stratus Computer, Inc.\\nLines: 40\\nDistribution: world\\nNNTP-Posting-Host: rocket.sw.stratus.com\\n\\nIn article <1993Apr20.083057.16899@ousrvr.oulu.fi>, dfo@vttoulu.tko.vtt.fi (Foxvog Douglas) writes:\\n> In article <1qv87v$4j3@transfer.stratus.com> cdt@sw.stratus.com (C. D. Tavares) writes:\\n> >In article , jrutledg@cs.ulowell.edu (John Lawrence Rutledge) writes:\\n\\n> >> The massive destructive power of many modern weapons, makes the\\n> >> cost of an accidental or crimial usage of these weapons to great.\\n> >> The weapons of mass destruction need to be in the control of\\n> >> the government only. Individual access would result in the\\n> >> needless deaths of millions. This makes the right of the people\\n> >> to keep and bear many modern weapons non-existant.\\n\\n> >Thanks for stating where you\\'re coming from. Needless to say, I\\n> >disagree on every count.\\n\\n> You believe that individuals should have the right to own weapons of\\n> mass destruction? I find it hard to believe that you would support a \\n> neighbor\\'s right to keep nuclear weapons, biological weapons, and nerve\\n> gas on his/her property. \\n\\n> If we cannot even agree on keeping weapons of mass destruction out of\\n> the hands of individuals, can there be any hope for us?\\n\\nI don\\'t sign any blank checks.\\n\\nWhen Doug Foxvog says \"weapons of mass destruction,\" he means CBW and\\nnukes. When Sarah Brady says \"weapons of mass destruction\" she means\\nStreet Sweeper shotguns and semi-automatic SKS rifles. When John\\nLawrence Rutledge says \"weapons of mass destruction,\" and then immediately\\nfollows it with:\\n\\n> The US has thousands of people killed each year by handguns,\\n> this number can easily be reduced by putting reasonable restrictions\\n> on them.\\n\\n...what does Rutledge mean by the term?\\n-- \\n\\ncdt@rocket.sw.stratus.com --If you believe that I speak for my company,\\nOR cdt@vos.stratus.com write today for my special Investors\\' Packet...\\n\\n',\n", + " 'From: dxf12@po.cwru.edu (Douglas Fowler)\\nSubject: Re: Christian Parenting\\nOrganization: Case Western Reserve University, Cleveland, Ohio (USA)\\nLines: 83\\n\\n\\n Sorry for posting this, but my e-mail keeps bouncing. Maybe it will\\nhelp others here, anyway, and therefore I pray others will read this. It is\\nactually a response from my Aunt, who has 5 kids, since I have none yet.\\n\\n>Hi I am a Sociology student and I am currently researching into\\n>young offenders. I am looking at the way various groups of\\n>children are raised at home. At the moment I am formlulating\\n>information on discipline within the Christian home.\\n>\\n>Please, if you are a parent in this catagory can you email me\\n>your response to the following questionaire. All responses\\n>will be treated confidentially and will only be used to prepare\\n>stats.\\n I\\'m posting this for a good Christian relative who does not have e-mail\\naccess. Since this aunt and uncle have 5 kids I felt they would be more\\nrelevant than I, who have none (yet).\\n\\n>1. Ages & sexes of children\\n 13-year-old (13YO) twins, 10YO boy, 6.5YO boy, 2YO girl\\n\\n>2. Do you spank your kids?\\n I don\\'t call it spanking, but they do, so yes, very rarely.\\n\\n>3. If so how often?\\n I don\\'t call it spanking because it\\'s more of a reaction to something\\nvery dangerous, such as trying to stick their finger in a fan or running\\ninto the road. Maybe 3-4 times for each except for the 2YO girl, who has\\nnot been spanked yet.\\n They call it that because it *does* hurt their feelings, and of course\\nI give all the hugs and stuff to ensure they know they\\'re still loved.\\n\\n>4. Do you use an implement to spank with?\\n No, that would be too painful. If it\\'s too traumatic they never recall\\nwhy they were punished. Besides, it must be immediate, and taking the time\\nto go get a toolmeans you\\'re not doing it right away, and that lessens the\\nimpact. It\\'s very emotional for a child as it is - which is evidenced by the\\nfact that a little slap on the rear - which hurts for perhaps 5 seconds -\\nis called a spanking.\\n>\\n>5. If you do not spank, what method of discipline do you use?\\n Lots of logical consequences - for instance, when 4YO Matthew dared\\na good friend to jump out of his treehouse or he would push him out, I made\\nsure they didn\\'t play together for 5 days so he\\'d know that would make him\\nlose friends very quickly. He\\'s never done anything like that since.\\n We also use time-out in their rooms - I use a timer so they don\\'t keep\\narguing with me over leaving, since it\\'s hard to argue with a macine.\\nI will go to the closed door and tell them timeout won\\'t be over until they\\ncalm down if they\\'re too tantrumy. I use the top of the stairs when they\\'re\\nreally young.\\n\\n>6. Your age?\\n 40\\n\\n>7. Your location\\n Bath, Ohio. It\\'s right outside of Akron, in the northeast part of Ohio.\\n\\n>8. While under the age of 16 did you ever commit a criminal\\n>offence?\\n No, and none of my kids would dream of it. I hope you can use this to\\nteach all parents that physical punishment isn\\'t always required - parents use\\nthat as an excuse to hit too hard.\\n\\n>9. How ere you disciplined as a kid\\n Lots of timeouts, same as I use. Our family and my husband\\'s have never\\nused spankings. In fact, my grandmother in law was one of 11 kids, and they\\nwere almost never spanked. This was around the turn of the century. And,\\nnone of us has ever been afoul of the law - man-made or God\\'s law.\\n Jesus says, referring to a small child whom he is holding, that \"what\\nye do to the least of these, ye do also to me.\" The Bible also says in all\\nthings to be kind, and merciful, and especially loving. (Colossians 3:12-15.)\\nThere is no room for selfish anger, which I\\'ll admit I\\'ve been tempted with\\nat times. When I\\'ve felt like spanking hard in anger, maybe the kid deserved\\na little slap on the rear, but what I would have given would have been the\\ndevil\\'s work. I could feel the temptation, and just angrily ordered the kid\\nto his/her room and went to my room myself. After praying and asking God\\'s\\nforgiveness, I was much calmer, and did not feel like spanking, but felt that\\nwhat I had done was enough punishment.\\n-- \\nDoug Fowler: dxf12@po.CWRU.edu : Me, age 4 & now: \"Mommys and Daddys & other\\n Ever wonder if, after Casey : relatives have to give lots of hugs & love\\nmissed the 3rd strike in the poem: & support, \\'cause Heaven is just a great\\nhe ran to first and made it? : big hug that lasts forever and ever!!!\"\\n',\n", + " 'From: hathaway@stsci.edu\\nSubject: Re: Vandalizing the sky.\\nDistribution: na\\nOrganization: Space Telescope Science Institute\\nLines: 101\\n\\n>Newsgroups: sci.astro,sci.space\\n>Subject: Re: Vandalizing the sky.\\n>\\n (excerpts from posting on this topic) \\n\\n>In article enzo@research.canon.oz.au \\n>(Enzo Liguori) writes:\\n>\\n>>Now, Space Marketing\\n>>is working with University of Colorado and Livermore engineers on\\n>>a plan to place a mile-long inflatable billboard in low-earth\\n>>orbit. \\n>... \\n>>... the real purpose of the project is to help the environment! \\n>>The platform will carry ozone monitors \\n>\\n>... \\n>I can\\'t believe that a mile-long billboard would have any significant\\n>effect on the overall sky brightness. Venus is visible during the day,\\n>but nobody complains about that. Besides, it\\'s in LEO, so it would only\\n>be visible during twilight when the sky is already bright, and even if\\n>it would have some miniscule impact, it would be only for a short time\\n>as it goes zipping across the sky.\\n>\\n\\n(I\\'ve seen satellites at midnight - they\\'re not only in twilight.) :o) \\n\\n>...\\n>\\n>From the book \"Prodigal Genius: The Life of Nikola Tesla\" by John J. O\\'Neill:\\n>\\n>\"This remarkable conductivity of gases, including the air, at low\\n>pressures, led Tesla to suggest, in a published statement in 1914, a\\n>system of lighting on a terrestrial scale in which he proposed to treat\\n>the whole Earth, with its surrounding atmosphere, as if it were a\\n>single lamp.... \\n>The whole Earth would be transformed into a giant lamp, with the night \\n>sky completely illuminated. ... making the night as bright as day.\"\\n> \\n\\nNow my comments: \\n\\nI\\'d like to add that some of the \"protests\" do not come from a strictly \\npractical consideration of what pollution levels are acceptable for \\nresearch activities by professional astronomers. Some of what I \\nwould complain about is rooted in aesthetics. Many readers may \\nnever have known a time where the heavens were pristine - sacred - \\nunsullied by the actions of humans. The space between the stars \\nas profoundly black as an abyss can be. With full horizons and \\na pure sky one could look out upon half of all creation at a time \\n- none of which had any connection with the petty matters of man. \\nAny lights were supplied solely by nature; uncorruptable by men. \\nWhole religions were based on mortal man somehow getting up there \\nand becoming immortal as the stars, whether by apotheosis or a belief \\nin an afterlife. \\n\\nThe Space Age changed all that. The effect of the first Sputniks \\nand Echo, etc. on this view could only happen once. To see a light \\ncrossing the night sky and know it was put there by us puny people \\nis still impressive and the sense of size one gets by assimilating \\nthe scales involved is also awesome - even if the few hundreds or \\nthousands of miles involved is still dwarfed by the rest of the universe. \\nBut there is still a hunger for the pure beauty of a virgin sky. \\n\\nYes, I know aircraft are almost always in sight. I have to live \\nin a very populated area (6 miles from an international airport \\ncurrently) where light pollution on the ground is ghastly. The \\nimpact of humans is so extreme here - virtually no place exists \\nthat has not been shaped, sculpted, modified, trashed or whipped \\ninto shape by the hands of man. In some places the only life \\nforms larger than bacteria are humans, cockroaches, and squirrels \\n(or rats). I visited some friends up in the Appalacian mountains \\none weekend, \"getting away from it all\" (paved roads, indoor plumbing, \\nmalls, ...) and it felt good for a while - then I quickly noticed \\nthe hollow was directly under the main flight path into Dulles - 60-80 \\nmiles to the east. (Their \\'security light\\' didn\\'t help matters \\nmuch either.) But I\\'ve heard the artic wilderness gets lots of \\nhigh air traffic. So I know the skies are rarely perfect. \\n\\nBut there is still this desire to see a place that man hasn\\'t \\nfouled in some way. (I mean they\\'ve been TRYING this forever - \\nlike, concerning Tesla\\'s idea to banish night, - wow!) I don\\'t watch \\ncommercial television, but I can imagine just how disgusting beer, \\ntruck, or hemmorrhoid ointment advertisements would be if seen up so high. \\nIf ya\\' gotta make a buck on it (displaying products in heaven), at \\nleast consider the reactions from those for whom the sky is a last\\nbeautiful refuge from the baseness of modern life. \\n\\nTo be open about this though, I have here my listing of the passage \\nof HST in the evening sky for this weekend - tonight Friday at \\n8:25 p.m. EDT it will reach an altitude of 20.1 degrees on the \\nlocal meridian from Baltimore vicinity. I\\'ll be trying to see it \\nif I can - it _is_ my mealticket after all. So I suppose I could \\nbe called an elitist for supporting this intrusion on the night sky \\nwhile complaining about billboards proposed by others. Be that \\nas it may, I think my point about a desire for beauty is valid, \\neven if it can\\'t ever be perfectly achieved. \\n\\nRegards, \\nWm. Hathaway \\nBaltimore MD \\n',\n", + " \"From: rgasch@nl.oracle.com (Robert Gasch)\\nSubject: Overriding default WM Behaviour\\nOrganization: Oracle Europe\\nLines: 48\\nX-Newsreader: TIN [version 1.1 PL8]\\n\\n\\nI posted this about tow weeks ago but never saw it make it (Then again\\nI've had some problems with the mail system). Apologies if this appears\\nfor the second time:\\n\\nUsually when I start up an application, I first get the window outline\\non my display. I then have to click on the mouse button to actually\\nplace the window on the screen. Yet when I specify the -geometry \\noption the window appears right away, the properties specified by\\nthe -geometry argument. The question now is:\\n\\nHow can I override the intermediary step of the user having to specify\\nwindow position with a mouseclick? I've tried explicitly setting window\\nsize and position, but that did alter the normal program behaviour.\\n\\nThanks for any hints\\n---> Robert\\n\\nPS: I'm working in plain X, using tvtwm.\\n\\n\\n\\n******************************************************************************\\n* Robert Gasch * Der erste Mai ist der Tag an dem die Stadt ins *\\n* Oracle Engineering * Freihe tritt und den staatlichen Monopolanspruch *\\n* De Meern, NL * auf Gewalt in Frage stellt *\\n* rgasch@nl.oracle.com * - Einstuerzende Neubauten *\\n******************************************************************************\\n\\n\\n----------------------- Headers ------------------------\\n>From uupsi7!expo.lcs.mit.edu!xpert-mailer Thu Apr 22 17:24:28 1993 remote from aolsys\\nReceived: from uupsi7 by aolsys.aol.com id aa19841; Thu, 22 Apr 93 17:10:35 EDT\\nReceived: from srmftp.psi.com by uu7.psi.com (5.65b/4.0.071791-PSI/PSINet) via SMTP;\\n id AA02784 for ; Thu, 22 Apr 93 12:04:36 -0400\\nReceived: from expo.lcs.mit.edu by srmftp.psi.com (4.1/3.1.072291-PSI/PSINet)\\n id AA17104; Thu, 22 Apr 93 10:19:31 EDT\\nReceived: by expo.lcs.mit.edu; Thu, 22 Apr 93 06:57:38 -0400\\nReceived: from ENTERPOOP.MIT.EDU by expo.lcs.mit.edu; Thu, 22 Apr 93 06:57:37 -0400\\nReceived: by enterpoop.MIT.EDU (5.57/4.7) id AA27271; Thu, 22 Apr 93 06:57:14 -0400\\nReceived: from USENET by enterpoop with netnewsfor xpert@expo.lcs.mit.edu (xpert@expo.lcs.mit.edu);contact usenet@enterpoop if you have questions.\\nTo: xpert@expo.lcs.mit.edu\\nDate: 22 Apr 93 08:09:35 GMT\\nFrom: rgasch@nl.oracle.com (Robert Gasch)\\nMessage-Id: <3873@nlsun1.oracle.nl>\\nOrganization: Oracle Europe\\nSubject: Overriding Default Behaviour\\n\\n\",\n", + " 'From: mre@teal.Eng.Sun.COM (Mike Eisler)\\nSubject: Re: SHARKS: Jack Feirerra (was Re: SHARKS: Kingston Fired!!!)\\nOrganization: Sun Microsystems, Mountain View, CA USA\\nLines: 87\\nNNTP-Posting-Host: teal\\n\\nIn article <1993Apr23.063737.26286@CSD-NewsHost.Stanford.EDU> nlu@Xenon.Stanford.EDU (Nelson Lu) writes:\\n>In article mre@teal.Eng.Sun.COM (Mike Eisler) writes:\\n>I don\\'t think trading Kisio was intrinsically a mistake; however, trading him\\n>for a 3rd round pick would be; he should have been worth a lot more than a\\n>3rd round pick for a playoff team. In fact, I would intimate that the offers\\n>the Sharks got this year for Kisio were way greater than just a 3rd round pick.\\n\\nHindsight\\'s 20-20. Nobody expected Kisio to have his 2nd best career year.\\n\\n>>Besides, without Kisio, the Sharks would have tanked even earlier in\\n>>the season, and Gund might have gotten a little more serious\\n>>about getting Joe Murphy, a guy who definitely would be around\\n>>3 - 5 years from now when the Sharks do make the playoffs.\\n>\\n>What else could be done? The Gunds offered $2 million for Murphy, but the\\n>Oilers wanted prospect(s), which the Sharks declined to give, which I think is\\n>correct.\\n\\nI didn\\'t mean to imply that Gund\\'s offer wasn\\'t enough. Gund\\'s offer\\nwas the right $, but too late in the season. $2M offered in November\\nlets Sather buy a replacement for Murphy *this* season and make the\\nplayoffs *this* year. $2M in March doesn\\'t help Sather with his\\nimmediate objectives, doesn\\'t help with long term objectives (only a\\nprospect or draft pick does, and no way should the Sharks do that).\\nHowever, getting back to what-if games, had Kisio been traded to\\nChicago last year, then the Sharks go 0 for October, and maybe Gund\\npanicks sooner in November. And here\\'s another what-if twist: Chicago\\nwould have had Kisio this season; they *never* go after Murphy in the\\nfirst place because Kelly is having his *best* season (bigger guys in\\nChicago). So Gund has no competition. So Ferriera, Sather, and Keenan\\nall look like geniuses.\\n\\nA broken fax machine, and Ferriera, Keenan, and maybe Kingston\\n(and maybe even Green) lose their jobs. Kind of makes you\\nshiver doesn\\'t it. :-)\\n\\nBottomline, for every black scenario any of you can concoct for\\nKisio leaving, I can concoct an equally bright one.\\n\\n>>If the Kisio-fiasco was the cause of Ferierra\\'s down fall, I hope\\n>>it wasn\\'t because he tried to trade Kisio, but because he screwed it\\n>>up. Nonetheless, I\\'m sorry Ferierra and Kingston are gone, and I wish Gund\\n>>would follow.\\n>\\n>And what have the Gunds done exactly that caused you to wish that they were\\n>gone? ...\\n\\nAre you serious?\\n\\t- Let Ferierra go,\\n\\t- fire Kingston (these last two basically mean that\\n\\t\\tSharks are starting over again in terms of the\\n\\t\\ttimetable to capture the Cup. As I\\'ve stated\\n\\t\\tfrequently: 5 out 6 expansion teams had the same GM\\n\\t\\tfrom inception through Cup season)\\n\\n\\t- broadcast more home games than away games\\n\\t- broadcast very few road Pacific and Mountain time games\\n\\t- jack up my ticket prices from $27 to $38 in two years (not that I\\'m\\n\\t\\tgoing to pay 120 bucks for 3 seats. I\\'ll probably next to the\\n\\t\\tvirtual 107 folks)\\n\\n\\t- not tell me my priority #\\n\\t- not let me sell my priority #\\n\\t- in order for me to get the free jacket, force me to order my tickets\\n\\t\\tfor next season before I get to select my section\\n\\n\\t- not let me park at the new arena after paying for their\\n\\t\\tprivileged parking lot (which was sometimes full when\\n\\t\\tI got there) for 2 straight years.\\n\\nI\\'ve been a loyal ticket holder, since day 1 (literally) in spring of\\n\\'90 when the team was announced. and I\\'m not getting that loyalty\\nreturned. Wirtz treats his fans far better by comparison. And\\nPocklington with his cheap tix is the best owner of all.\\n\\n>GO EDMONTON OILERS! Go for playoffs next year! Stay in Edmonton!\\n\\nI know one isn\\'t suppose to make negative comments on signatures, but\\nwhat did us Oiler fans do to you to deserve the \"Stay in Edmonton\"\\npart? I\\'d never wish the Kings to leave metro-LA; it\\'s too much fun\\nwatching the Shark\\'s beat them.\\n-- \\nMike Eisler, mre@Eng.Sun.Com ``Not only are they [Leafs] the best team, but\\n their fans are even more intelligent and insightful than Pittsburgh\\'s. Their\\n players are mighty bright, too. I mean, he really *was* going to get his\\n wallet back, right?\\'\\' Jan Brittenson 3/93, on Leaf/Pen woofers in\\n rec.sport.hockey\\n',\n", + " 'From: pduggan@world.std.com (Paul C Duggan)\\nSubject: Re: hate the sin...\\nOrganization: The World Public Access UNIX, Brookline, MA\\nLines: 30\\n\\nIn article scott@prism.gatech.edu (Scott Holt) writes:\\n>Hate begets more hate, never love. Consider some sin. I\\'ll leave it unnamed\\n>since I don\\'t want this to digress into an argument as to whether or not \\n>something is a sin. Now lets apply our \"hate the sin...\" philosophy and see\\n>what happens. If we truly hate the sin, then the more we see it, the \\n>stronger our hatred of it will become. Eventually this hate becomes so \\n>strong that we become disgusted with the sinner and eventually come to hate\\n>the sinner.\\n\\nThough you can certaily assert all this, I don\\'t see why it necessarily\\nhas to be the case. Why can\\'t hate just stay as it is, and not beget more?\\nWho says we have to get disgusted and start hating the sinner. I admit\\nthis happens, but I donlt think you can say it is always necessaily\\nso.\\n\\nWhy can we not hate with a perfect hatred?\\n\\n>In the summary of the law, Christ commands us to love God and to love our \\n>neighbors. He doesn\\'t say anything about hate. In fact, if anything, he \\n>commands us to save our criticisms for ourselves. So, how are Christians\\n>supposed to deal with the sin of others? I suppose that there is only one\\n>way to deal with sin (either in others or ourselves)...through prayer. We\\n\\nCertainly we should love even our enemies. Amos 5:15 says to hate the evil\\nand love the good. This can\\'t contradict Christ\\'s teaching. I think we tie\\nup both hate and love with an emotional attitude, when it really should be\\nconsidered more objectively. Surely I don\\'t fly into a rage at every sin\\nI see, but why can I not \"hate\" it?\\n\\npaul duggan\\n',\n", + " \"From: perrakis@embl-heidelberg.de\\nSubject: Re: Turkey-Cyprus-Bosnia-Serbia-Greece (Armenia-Azeris)\\nOrganization: EMBL, European Molecular Biology Laboratory\\nLines: 76\\n\\nIn article <93105.134708FINAID2@auvm.american.edu>, writes:\\n>> Look Mr. Atakan: I have repeated it in the past, and I shall repeat it once\\n>> more, that when it comes to how Greeks are treating the Turks in Greece,\\n>> you and your copatriots should simply shut up.\\n>>\\n>> Because what you are hearing is simply a form of propaganda from your ethnic\\n>> fellows who studied at the Greek universities without paying any money for\\n>> tuition, food, and helth insurance.\\n>>\\n>> And any high school graduate can put down some simple math and compare the\\n>> grouth of the Turkish community in Greece with the destruction of the Greek\\n>> minority in Turkey.\\n>>\\n>> >Aykut Atalay Atakan\\n>>\\n>> Panos Tamamidis\\n> \\n> Mr. Tamamidis:\\n> \\n> Before repling your claims, I suggest you be kind to individuals\\n> who are trying to make some points abouts human rights, discriminations,\\n> and unequal treatment of Turkish minority in GREECE.I want the World\\n> know how bad you treat these people. You will deny anything I say but\\n> It does not make any difrence because I will write things that I saw with\\n> my eyes.You prove yourself prejudice by saying free insurance, school\\n> etc. Do you Greeks only give these things to Turkish minority or\\n> everybody has rights to get them.Your words even discriminate\\n> these people. You think that you are giving big favor to these\\n> people by giving these thing that in reality they get nothing.\\n> If you do not know unhuman practices that are being conducted\\n> by the Government of the Greece, I suggest that you investigate\\n> to see the facts. Then, we can discuss about the most basic\\n> human rights like fredom of religion,\\nIf you did not see with your 'eyes' freedom of religion you\\nmust ne at least blind !\\n> fredom of press of Turkish\\n2 weeks ago I read the interview of a Turkish journalist in a GReek magazine,\\nhe said nothing about being forbiden to have Turkish press in Greece !\\n> minority, ethnic cleansing of all Turks in Greece,\\nGive as a brake. You call athnic cleansing of apopulation when it doubles?\\n> freedom of\\n> right to have property without government intervention,\\nWhat do you mean by that ? Anyway in Greece, as in every country if you want\\nsome property you 'inform' the goverment .\\n> fredom of right to vote to choose your community leaders,\\nWell well well. When Turkish in Area of Komotini elect 1 out of 3\\nrepresenatives of this area to GReek parliament, if not freedom what is it?\\n3 out of 3 ? Maybe there are only Turks living there ....\\n> how Greek Government encourages people to destroy\\n> religious places, houses, farms, schools for Turkish minority then\\n> forcing them to go to turkey without anything with them.\\nI cannot deny that actions of fanatics from both sides were reported.\\nA minority of Greek idiots indeed attack religious places, which\\nwere protected by the Greek police. Photographs of Greek policemen \\npreventing Turks from this non brain minority were all over Greek press.\\n> Before I conclude my writing, let me point out how Greeks are\\n> treated in Turkey. We do not consider them Greek minority, instead\\n> we consider a part of our society. There is no difference among people in\\n> Turkey. We do not state that Greek minority go to Turkish universities,\\n> get free insurance, food, and health insurance because these are basic\\n> human needs and they are a part of turkish community. All big businesses\\n> belong to Greeks in Turkey and we are proud to have them.unlike the\\n> Greece which tries to destroy Turkish minority, We encourage all\\n> minorities in Turkey to be a part of Turkish society.\\n\\n\\nOh NO. PLEASE DO GIVE AS A BRAKE !\\nMinorities in Turkish treated like that ? YOur own countrymen die\\nin the prisons every day bacause of their political beliefs, an this\\nis reported by Turks, and you want us to believe tha Turkey is the paradise\\nof Human rights ? Business of Greeks i Turkey? Yes 80 years ago !\\nYou seem to be intelligent, so before presenting Turkey as the paradise of\\nHuman rights just invastigate this matter a bit more.\\n> \\n> Aykut Atalay Atakan\\n> \\n\",\n", + " \"Nntp-Posting-Host: surt.ifi.uio.no\\nFrom: Thomas Parsli \\nSubject: Re: Rewording the Second Amendment (ideas)\\nIn-Reply-To: arc@cco.caltech.edu (Aaron Ray Clements)'s message of 21 Apr\\n 1993 12:34:51 GMT\\nOrganization: Dept. of Informatics, University of Oslo, Norway\\n <1993Apr20.083057.16899@ousrvr.oulu.fi>\\n \\n <1993Apr21.091130.17788@ousrvr.oulu.fi>\\n <1r3f1bINN3n6@gap.caltech.edu>\\nLines: 24\\nOriginator: thomasp@surt.ifi.uio.no\\n\\n\\n\\nChemical weapons are not concidered a *very* effectiv weapon against\\nmillitary forces. On civillians on the other hand....\\n\\nThat's one GOOD reason for banning it.\\n\\nYou need VAST amounts of chemicals to be affective, so the best reason\\nto have/use it is price. (that's why it's called The Poor Mans A-bomb)\\n\\nAny thoughts on Bio-weapons ??\\t\\n\\nIf this discusion is about civillians having chem-weapons;\\nWhat should they use them on?? Rob a bank ??\\n\\n\\n\\n\\tThis is not a .signature.\\n\\tIt's merely a computergenerated text to waste bandwith\\n\\tand to bring down the evil Internet.\\n\\n\\n Thomas Parsli\\n thomasp@ifi.uio.no\\n\",\n", + " 'From: kerney@ecn.purdue.edu (John Kerney)\\nSubject: Re: FLYERS notes 4/17\\nKeywords: FLYERS/Whalers summary\\nOrganization: Purdue University Engineering Computer Network\\nLines: 17\\n\\n\\n\\nCould someone post the Flyers record with and without Eric Lindros in\\nthe lineup\\n\\n\\nI have a guy that is trying to compare the Quebec/Flyers trade to the \\n\\nDallas/Minnesota trade in the NFL(Hershel Walker)\\n\\nI just need the stat to back up my point that Eric will be one of the next\\n\\ngreat players\\n\\nthanks\\n\\njohn\\n',\n", + " 'From: rgooch@rp.CSIRO.AU (Richard Gooch)\\nSubject: Re: Animation with XPutImage()?\\nOrganization: CSIRO Division of Radiophysics/Australia Telescope National Facility\\nLines: 51\\n\\nIn article <1993Apr22.092830.2190@infodev.cam.ac.uk>, dcr@mail.ast.cam.ac.uk (Derek C. Richardson) writes:\\n> I just implemented this and it seems I can just about achieve the display\\n> rates (20 400x400x8 frames / sec on IPX) that I get with Sunview, though\\n> it\\'s a bit \"choppy\" at times. Also, loading the data, making an XImage,\\n> then XPut\\'ing it into a pixmap is a bit cumbersome, so the animation is\\n> slower to load than with Sunview. Is there a better way to load in the\\n> data?\\n> \\n> rgooch@rp.CSIRO.AU (Richard Gooch) writes:\\n> > If you need speed, and your client can run on the same host as the X server,\\n> > you should use the shared memory extension to the sample X server (MIT-SHM).\\n> > xdpyinfo will tell you if your server has this extension. This is certainly\\n> > available with the sample MIT X server running under SunOS.\\n> > A word of warning: make sure your kernel is configured to support shared\\n> > memory. And another word of warning: OpenWindows is slower than the MIT\\n> > server.\\n> > I have written an imaging tool (using XView for the GUI, by the way) which\\n> > yields over 10 frames per second for 512*512*8 bit images, running on a Sparc\\n> > IPC (half the cpu grunt of an IPX). This has proved quite sufficient for\\n> > animations.\\n> >\\n> >\\t\\t\\t\\tRegards,\\n> >\\n> >\\t\\t\\t\\t\\tRichard Gooch....\\n> \\n> Shared memory PutImage (also mentioned by nkissebe@delphi.beckman.uiuc.edu,\\n> Nick Kisseberth) looks interesting, but I need someone to point me to some\\n> documentation. Is this method likely to give better results than server-\\n> resident pixmaps? I\\'d also be interested in looking at the XView code\\n> mentioned above...\\n> \\n> Thanks for the help so far. If I get something decent put together, I\\'ll\\n> definitely post it to the Net.\\n> \\n\\n The MIT tapes come with documentation written by Keith Packard on the Shared\\n Memory Extension to X. Look in: mit/doc/extensions/mit-shm.ms\\n I found this invaluble. Unfortunately, there is a bit of work to set up the\\n shared memory segments, making an XImage from it, etc. Also, there is an\\n extension query to determine if the server supports it, but you still need to\\n test if the server is running on the same host and if shared memory is enabled\\n in the kernel. I have written layers of convience routines which make all this\\n transparent.\\n As for the XView code, well, I doubt that would be considered interesting.\\n The interesting stuff is done in a C object library. People interested in this\\n code can Email me.\\n\\n\\t\\t\\t\\tRegards,\\n\\n\\t\\t\\t\\t\\tRichard Gooch,\\n\\t\\t\\t\\t\\trgooch@atnf.csiro.au\\n',\n", + " \"From: bomr@erich.triumf.ca (Rod Nussbaumer)\\nSubject: Re: multiple inputs for PC\\nOrganization: TRIUMF: Tri-University Meson Facility\\nLines: 24\\nDistribution: world\\nNNTP-Posting-Host: erich.triumf.ca\\nNews-Software: VAX/VMS VNEWS 1.41 \\n\\nIn article <93114.142835U19250@uicvm.uic.edu>, writes...\\n>Can anyone offer a suggestion on a problem I am having?\\n>I have several boards whose sole purpose is to decode DTMF tones and send\\n>the resultant in ASCII to a PC. These boards run on the serial interface.\\n>I need to run * of the boards somwehat simultaneously. I need to be able to ho\\n>ok them up to a PC> The problem is, how do I hook up 8+ serial devices to one\\n>PC inexpensivley, so that all can send data simulataneously (or close to it)?\\n>Any help would be greatly appreciated!\\n>Abhin Singla\\nIf you can modify the design of the DTMF decoder, the ideal comunications\\nwould be over a multi-drop system, like RS-485. RS-485 boards are available\\nfor PC's, probably cheaper than a bunch of RS-232 channels, and RS-485 is\\ncheaper to build onto your satellite modules, using only a single supply\\n8-pin DIP driver chip. Software at the PC end would be similarly complex\\nfor either RS-232 or RS-485, in my opinion. The higher data rates possible\\nwith RS-485 would permit quasi-simultaneous data transmission.\\nHope this helps.\\n\\n~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\\n Rod Nussbaumer, Programmer/Technologist Bitnet: BOMR@TRIUMFER\\n TRIUMF --- University of British Columbia, Internet: bomr@erich.triumf.ca\\n Vancouver, BC, Canada. Phone: (604)222-1047 ext 510\\n~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\\n\\n\",\n", + " 'From: jcox@x102a.harris-atd.com (Jamie Cox)\\nSubject: Re: serial port problem\\nNntp-Posting-Host: x102a.ess.harris.com\\nReply-To: jcox@x102a.ess.harris.com (Jamie Cox) \\nOrganization: Harris Govt. Aerospace Systems Division\\nKeywords: serial port, powerbook\\nLines: 41\\n\\nIn article <1qcq4gINN2q7@calvin.usc.edu> wls@calvin.usc.edu writes:\\n>\\n>\\n>A friend asked me to build a cable to connect an HP fetal heart monitor\\n>to a Maciontosh (SE/30). No problem, sez I.\\n>\\n>...\\n>I wanted to demo it on my PB 170, it won\\'t work!\\n>\\n>The PB has been used running ZTerm and kermit using both internal and external\\n>modems; so I don\\'t think it\\'s the powerbook per se.\\n>\\n>When I send a \"^51\" to the HP it responds with \"^55^AA\" -- a test of the serial\\n>ports. It works on the SE/30; but not on the PB170.\\n>\\n>I thought that the SE/30 is connected to earth ground and so is the HP. So I\\n>connected from the chassis of the HP to the PW audio (ground) connector; still\\n>NG.\\n>\\n>Any thoughts?\\n\\nBattery powered devices like the PowerBook are sometimes more sensitive to \\nserial port weirdness. I had trouble with connecting my Mac Plus to an HP 95LX\\nhandheld. Everything else worked okay on that port, but not the HP. (it runs\\non two penlite batteries). It turned out that the plus (by accident or by \\ndesign flaw?) was putting a 4 volt bias on the serial port that was doing \\nweird things to the HP (which has only 3v dc!). The HP worked fine when \\nconnected to the printer port. \\n\\nDoes your PB screen get dim or anything when connected to the device? Have you \\ntried using the printer port?\\n\\nGood luck. \\n\\n--jamie\\n\\n\\nJamie Cox jcox@ess.harris.com | Phone: 1 407 633 5757 (work) \\nHarris Space Systems Corp. | 1 407 723 7935 (home)\\nMS ROCK-2, 295 Barnes Blvd. |The Macintosh Meeting and Drinking Society\\nRockledge, Florida USA | \"Speaking only for myself.\"\\n',\n", + " 'From: swdwan@napier.uwaterloo.ca (Donald Wan)\\nSubject: just testing\\nOrganization: University of Waterloo\\nLines: 3\\n\\nhello testing\\n\\n\\n',\n", + " \"From: baden@sys6626.bison.mb.ca (baden de bari)\\nSubject: Re: !!!!! Don't deal with this man DANA WEICK !!!!!\\nOrganization: System 6626 BBS, Winnipeg Manitoba Canada\\nLines: 29\\n\\n \\n Well, I'm not going to quote the message, but anyhow...\\n \\n Mail fraud is a FEDERAL OFFENCE! PUNNISHABLE BY TIME AND \\n >>> BIG <<<\\n > > > B I G < < <\\n F I N E S \\n ! ! ! !\\n What you can do is contact the local authorities in Arizona \\nwhere this scammer resides, inform them of the situation (if you have \\nproof of the transaction, that would also help), and they should be able \\nto take it from there.\\n \\n Yeah, this guy CAN get heavily penalized for this. Don't think \\nthat just because you have never met he cannot be prosecuted.\\n \\n !!! TAKE HIM > D O W N < !!!\\n \\n ... hope I'm not being too foreward?...\\n \\n \\n _________________________________________________\\n Inspiration | ___ |\\n comes to | \\\\ o baden@sys6626.bison.mb.ca |\\n those who | ( ^ ) baden@inqmind.bison.mb.ca |\\n seek the | /-\\\\ =] Baden de Bari [= |\\n unknown. | |\\n ------------------------------------------------- \\n \\n\",\n", + " \"From: Rupin.Dang@dartmouth.edu (Rupin Dang)\\nSubject: Nikon FM2 and lens forsale\\nOrganization: Dartmouth College, Hanover, NH\\nLines: 5\\n\\nNikon FM-2n with 50 mm Nikkor and accessories for sale.I bought this camera in\\nHong Kong two years ago and everything has been looked after very well. I'm now\\nselling some more gear to finance my next big film project.\\n\\nAsking $350 for package. NO BARGAINS.\\n\",\n", + " 'From: kxgst1+@pitt.edu (Kenneth Gilbert)\\nSubject: Re: Emphysema question\\nOrganization: University of Pittsburgh\\nLines: 14\\n\\nIn article <1993Apr15.180621.29465@radford.vak12ed.edu> mmatusev@radford.vak12ed.edu (Melissa N. Matusevich) writes:\\n:Thanks for all your assistance. I\\'ll see if he can try a\\n:different brand of patches, although he\\'s tried two brands\\n:already. Are there more than two?\\n\\nThe brands I can come up with off the top of my head are Nicotrol,\\nNicoderm and Habitrol. There may be a fourth as well.\\n\\n\\n-- \\n=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-|-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=\\n= Kenneth Gilbert __|__ University of Pittsburgh =\\n= General Internal Medicine | \"...dammit, not a programmer!\" =\\n=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-|-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=-=\\n',\n", + " 'From: lwb@cs.utexas.edu (Lance W. Bledsoe)\\nSubject: Re: Who\\'s next? Mormons and Jews?\\nOrganization: CS Dept, University of Texas at Austin\\nLines: 32\\nNNTP-Posting-Host: im4u.cs.utexas.edu\\n\\nIn article <1f2P02UA40zB01@JUTS.ccc.amdahl.com> agr00@JUTS.ccc.amdahl.com (Anthony G Rose) writes:\\n>Capser, before you deceive everone into thinking that the latter-day\\n>saints have undergone undue persecution through the years for just\\n>believing in their religion, perhaps you would like to tell us all what\\n>happened in the Mountain Meadow Massacres and all the killings that were\\n>done under the Blood Atonement Doctrine, at the command of Brigham Young?\\n\\nI recently watched a an episode of \"The Old West\" a TV show on the \\nDiscovery Channel (or perhaps the A&E Network), the one hosted by Kenny\\nRogers. This episode was all about the Mormons and how they settled Utah,\\netc.\\n\\nA large portion of the broadcast was about the \"Mountain Meadows Massacre\".\\nThe program very specifically pointed out that Brigham Young knew nothing\\nabout the incident until long after it had happened (before telegraph), and\\nit occured as a result of several men inciting a bunch of paronoid Moromn\\nsettlers into what amounted to a mob. All participants in the incident were\\nprosecuted and eccomunicated from the LDS Church.\\n\\nI suggest you watch a rerun of that episode (they play them over and over) \\nand see what they (non-Mormons) have to say about it.\\n\\n\\nLance\\n\\n\\n\\n-- \\n+------------------------------------------------------------------------+\\n| Lance W. Bledsoe lwb@im4u.cs.utexas.edu (512) 258-0112 |\\n| \"Ye shall know the TRUTH, and the TRUTH shall make you free.\" |\\n+------------------------------------------------------------------------+\\n',\n", + " 'From: dan@ingres.com (a Rose arose)\\nSubject: SJ Mercury\\'s reference to Fundamentalist Christian parents\\nOrganization: Representing my own views here.\\nLines: 23\\n\\nIn the Monday, May 10 morning edition of the San Jose Mercury News an\\narticle by Sandra Gonzales at the top of page 12A explained convicted\\nkiller David Edwin Mason\\'s troubled childhood saying,\\n\\n\\t\"Raised in Oakland and San Lorenzo by strict fundamentalist\\n\\tChristian parents, Mason was beaten as a child. He once was\\n\\ttied to a workbench and gagged with a cloth after he accidently\\n\\turinated on his mother when she walked under his bedroom window,\\n\\tcourt records show.\"\\n\\nWere the San Jose Mercury news to come out with an article starting with\\n\"Raised in Oakland by Mexican parents, Mason was beaten...\", my face would\\nbe red with anger over the injustice done to my Mexican family members and\\nthe Mexican community as a whole. I\\'m sure Sandra Gonzales would be equally\\nupset.\\n\\nWhy is it that open biggotry like this is practiced and encouraged by the\\nSan Jose Mercury News when it is pointed at the christian community?\\n\\nCan a good christian continue to purchase newspapers and buy advertising in\\nthis kind of a newspaper? This is really bad journalism.\\n\\nI\\'m upset.\\n',\n", + " 'From: crphilli@hound.dazixca.ingr.com (Ron Phillips)\\nSubject: Waco Questions\\nNntp-Posting-Host: hound\\nReply-To: crphilli@hound.dazixca.ingr.com\\nOrganization: \"Intergraph Electronics, Mountain View, CA\"\\nDistribution: usa\\nLines: 137\\n\\n\\nFolks,\\n\\nIt\\'s time to start building some precise questions to send to our\\nfederal elected officials and to investigative reporters in our\\nlocal TV, radio and newprint media. Ideally, these questions could be\\nasked at any investigation into the BATF\\'s and FBI\\'s participation\\nat the WACO fiasco in hopes of being resolved and, hopefully, wake\\nup the local news media that they are not getting the entire truth\\nfrom the BATF and FBI. My list is up to 13 that are really nagging \\nat my gut. The list will probably grow. \\n\\n1. What were the contents of the original warrant, now sealed, that\\n the BATF obtained?\\n\\n2. It is reasonable to believe that illegal firearms and/or ammunition\\n could not be flushed down the toilet. Therefore, a \"no-knock\"\\n raid could be ruled out. Prior to the initial assault on the \\n complex, did a single BATF agent and accompanying witness (without \\n a contingent of assault and news media personnel) attempt to knock \\n on the door of the Branch Davidian\\'s complex and serve the warrant \\n in a manner prescribed by law?\\n\\n3. On the day of the initial assault on the complex, BATF agents\\n were aware that several small children were inside the buildings.\\n In the ensueing gun battle, BATF agents fired into a building\\n known to contain children, killing at least one two-year old child.\\n Knowing children were present, why didn\\'t the BATF have an\\n alternate plan and immediately retreat from the area close to\\n the complex and implement the alternate plan rather than opening\\n fire and jeopardizing the lives of the children in the building? \\n\\n4. The FBI spokesman states that paper evidence indicates that\\n David Koresh and members of the Branch Davidians possessed over\\n $200,000 in firearms and ammunition. Did David Koresh and the\\n members of the Branch Davidians have a valid Federal Firearms\\n License, were they actively participating in the legal business\\n of selling/buying firearms and ammunition, and were any of the\\n weapons they had illegally possessed? Does this paper evidence\\n consist only of weapons purchased or does it include legally\\n dispossessed weapons.\\n\\n5. After the original assault on the compound tragically failed,\\n a BATF spokeswoman stated \"We were outgunned!\". Yet, TV newscasts\\n of video tape filmed at the time of the incident show BATF agents\\n armed with MP-5 and AR-15/M16 rifles. Although unclear on the\\n video tape because of obstruction from full view by agent\\'s\\n bodies, they also may have had AK-47 and SKS rifles. What type(s)\\n of firearms did the BATF agents have immediate access to at the \\n scene of the original assault on the complex?\\n\\n6. Since there is no evidence to confirm anyone was inside the\\n complex involuntarily, why did the FBI treat it as a \"hostage\"\\n situation? \\n\\n7. Along the same lines, why did the FBI use \"psychological warfare\"\\n techniques, including sensory overload, sleep deprivation, and\\n other disruptive techniques that would test the sanity of any \\n normal person rather than using techniques aimed at placing the \\n complex occupants into a calmer frame of mind?\\n\\n8. Reports indicate several of the children inside the complex\\n were accompanied by their mothers. Since it is reasonable\\n to expect these mothers would have their children taken away\\n from them if they came out, why did the FBI expect the mothers\\n to just walk out and surrender themselves to the authorities?\\n\\n9. Agents at the scene claim to have seen members of the Branch\\n Davidians setting fire to the complex. Branch Davidian members\\n who survived the inferno claim the fire was started when an \\n armored vehicle punched through the wall and knocked over a \\n lantern which was setting on a table. Video tape of the incident \\n does show an armored vehicle punching a hole in the wall and the \\n fire erupted almost immediately from the same general location. \\n Was the source of the fire the same room where the armored vehicle \\n penetrated?\\n\\n10. FBI spokesmen are voicing the opinion that the David Koresh and\\n the members of the Branch Davidians committed mass suicide. Yet,\\n bodies are being discovered throughout the house and other areas\\n within the building complex. This seems to be counter to any\\n known mass suicides through history. What evidence does the FBI\\n have that a mass suicide pact existed?\\n\\n11. FBI Director Sessions stated that the massive fireball shown on\\n the video tape was caused by the Branch Davidian\\'s ammunition\\n and/or powder cache exploding. Yet, the fireball seems to be\\n more characteristic of the type created when compressed gas\\n or other highly volatile fuel source explodes. Was any evidence \\n found which would indicate the Branch Davidians had an ammunition \\n and/or powder cache which exploded to create this fireball? If so,\\n and if David Koresh and members of the Branch Davidians were \\n engaged in the legal business of selling/buying firearms, was the\\n amount determined to be excessively greater than one would expect\\n for someone engaged in such a legal business?\\n\\n12. It is rumored that one FBI agent was extremely upset about critical\\n news media coverage and intentionally used an armored vehicle to\\n crush a reporter\\'s car which had been left at the compound. Is \\n there any factual basis to this rumor and, if so, what charges will \\n be brought against the FBI agent who performed the act?\\n\\n13. FBI Director Sessions states that, during the final assault on the\\n complex, \"over 80 shots were fired at the vehicles.\" On the video\\n tape of the incident, you can hear the drone of the armored vehicles\\n engines. Yet, there is no sound of the sharp reports that one\\n would expect to hear if shots were fired. Also, there are no \\n indications of smoke and/or muzzle flashes appearing from the windows,\\n buildings or other structures in the video. Surely, these should be \\n evident if the Branch Davidians had fired on the armored vehicles. \\n Finally, the video tape does not show any indication of paint splatter, \\n sparks or other characteristic spray of material which should be \\n apparent if the Branch Davidians had fired upon the vehicles. Do \\n any of the armored vehicles which were brought in to pump tear gas \\n into the compound show evidence of fresh damage due to being hit by \\n shots from high-power rifles?\\n\\n14. CS gas is considered to be a chemical warfare agent. The United\\n States has signed international treaties which prevent the use\\n of CS gas in warfare. If the United States could not morally use\\n CS gas against Saddam Hussein and his troops, why is it morally\\n acceptable to use the same agent against citizens of our own land?\\n\\n15. On April 21, FBI spokesmen state that at least 3 bodies discovered\\n in the complex had bullet wounds to the head indicating they had\\n been murdered or had committed suicide. On April 22, the county\\n coroner claims he knows nothing about any bodies found with bullet\\n wounds to the head. Were any of the victims bodies found within\\n the burned out complex have bullet wounds to the head?\\n-- \\n**************************************************************\\n* Ron Phillips crphilli@hound.dazixca.ingr.com *\\n* Senior Customer Engineer *\\n* Intergraph Electronics *\\n* 381 East Evelyn Avenue VOICE: (415) 691-6473 *\\n* Mountain View, CA 94041 FAX: (415) 691-0350 *\\n**************************************************************\\n',\n", + " 'From: blh@uiboise.idbsu.edu (Broward L. Horne)\\nSubject: National Sales Tax, The Movie\\nX-Received: by usenet.pa.dec.com; id AA08871; Thu, 15 Apr 93 07:42:23 -0700\\nX-Received: by inet-gw-2.pa.dec.com; id AA05233; Thu, 15 Apr 93 07:42:12 -0700\\nX-Received: by uiboise.idbsu.edu\\n\\t(16.6/16.2) id AA27601; Wed, 14 Apr 93 10:02:10 -0600\\nX-To: talk.politics.misc.usenet\\nX-Cc: alt.politics.clinton.usenet\\nX-Mailer: Elm [revision: 66.25]\\nLines: 54\\n\\n\\n\\n Well, it seems the \"National Sales Tax\" has gotten its very\\n own CNN news LOGO!\\n\\n Cool. That means we\\'ll be seeing it often.\\n\\n Man, I sure am GLAD that I quit working ( or taking this \\n seriously ) in 1990. If I kept busting my ass, watching \\n time go by, being frustrated, I\\'d be pretty DAMN MAD by \\n now.\\n \\n YEAH! Free HEALTH CARE! Oh, yeeaaaahhhh!\\n\\n heh heh\\n\\n \" Bill makes me feel like DANCING! \"\\n\\n MORE AMAZING PREDICTIONS FROM THE INCREDIBLE BROMEISTER!\\n --------------------------------------------------------\\n\\n We take you back to Feburary 20th, when the INCREDIBLE \\n BROMEISTER PREDICTED:\\n\\n\\t \" $1,000 per middle class taxpayer in NEW TAXES \"\\n\\n \" A NATIONAL SALES TAX \"\\n\\n Now, for more AAMMMAAAAZZZZZZIINNNNGGGGG Predictions!\\n\\n i) The NST will be raised from 3% to 5% by 1996.\\n\\t Ooops. They ALREADY DID it.\\n \\n\\t Okay, then. The NST will be raised from 5% to 7% by 1996.\\n\\n ii) Unemployment will rise!\\n\\n iii) Tax revenues will decline. Deficit will increase!\\n\\t We\\'ll get another DEFICIT REDUCTION PACKAGE by 1997!\\n\\t Everyone will DANCE AND SING!\\n\\n Yup. I\\'m gonna bail out of here\\n at 1 PM, amble on down to the lake. Hang out. Sit\\n in the sun and take it EASY! :) Yeah! \\n\\n I just wish I had the e-mail address of total gumby who\\n was saying that \" Clinton didn\\'t propose a NST \".\\n\\n To paraphrase Hilary Clinton - \" I will not raise taxes on\\n the middle class to pay for my programs \"\\n\\n To paraphrase Bill Clinton - \" I will not raise taxes on\\n the middle class to pay for my programs \"\\n\\n',\n", + " 'From: oueichek@imag.fr (Ibaa Oueichek)\\nSubject: Re: Help identifying this card\\nNntp-Posting-Host: gram2\\nOrganization: IMAG Institute, University of Grenoble, France\\nX-Newsreader: Tin 1.1 PL5\\nLines: 29\\n\\nChad Jones (cjones@physci.ucla.edu) wrote:\\n: In article Ibaa Oueichek, oueichek@imag.fr writes:\\n: >\\tI have an Ethernet card that i took out off an old LC. The card\\n: >\\tis manufactured by Asante. On it i can read:\\n: >\\t\"Asante Tech, inc. Copyright 1991. MACCON + LC REV.B\".\\n: >\\tThe card has an fpu socket on it. It provides thin Ethernet connector\\n: >\\tand there\\'s another connector on it which resembels to phone connectors.\\n: >\\n: >\\tMy questions are:\\n: >\\t- Will this card work on any other model than LC-serie ?, given that\\n: >\\tit\\'s a PDS card, will it work with the IIsi PDS slot ?. I think there\\n: >\\tmay be a probleme because the LC has 16 bit wide slots.\\n: It probably won\\'t work with any other LC. The ones I have for the LC II\\n: are Rev. D. No, it won\\'t work in the IIsi\\'s PDS slot since it\\'s a 68030\\n: PDS, while the LC has the 68020 PDS. The IIsi and SE/30 share the same\\n: kind of card.\\n\\n Ok, i see. Does Asante propose any upgrade for their cards ?. Do they have\\n an email adress so i can ask them directly ?. Their Phone number will be\\n Ok, even if i pay the overseas call i\\'m really willing to know what to do\\n with this card.\\n\\n--\\nSham(u) ya tha (s)seif(u) lam yaghib(i) | Ibaa Oueichek. oueichek@imag.imag.fr\\n Ya jamal(al) majd(i) fi(l) kutub(i) |Lab de Genie Informatique (LGI). \\nKablak(i) (t)tareekh(u) fi thulmaten |IMAG, INPG. \\n Baadak(i) staula ala (sh)shuhub(i) |46, Av. Felix Viallet, Grenoble. \\n\\t\\t\\t\\t\\t\\n\\n',\n", + " \"From: bchase@bigwpi.WPI.EDU (Bret Chase)\\nSubject: Re: 68040 Specs.\\nOrganization: Worcester Polytechnic Institute\\nLines: 23\\nNNTP-Posting-Host: bigwpi.wpi.edu\\n\\nIn article ray@netcom.com (Ray Fischer) writes:\\n>patrickd@wpi.WPI.EDU (Lazer) writes ...\\n>>I'd appreciate it greatly if someone could E-mail me the following:\\n>>(if you only know one, that's fine)\\n>>>>>>>>>stuff deleted<<<<<<<<<\\n\\nHave you tried the library?\\nSince you go to WPI (so do I), go to AK and look on the first floor, a \\nprofessor has posted an IEEE (i believe) spec sheet on the 68060 which\\nis around 10 pages long. I'm sure the library has the info you request, It's\\njust a matter of finding it.\\n\\n\\nHope this helps,\\nBret Chase\\n\\n\\n\\n-- \\ninternet:bchase@wpi.wpi.edu\\t\\t\\tMacintosh!\\nbellnet: (508) 791-3725 Smile! It won't kill you!\\nsnailnet: wpi box 3129 :) :) :) :) :) :) :) :)\\n 100 institute rd.\\t\\t\\tWorcester, MA 01609-2280\\n\",\n", + " \"From: folta@zen.holonet.net (Steve Folta)\\nSubject: Re: Using SetWUTime() with a PB170\\nNntp-Posting-Host: zen.holonet.net\\nOrganization: HoloNet National Internet Access System: 510-704-1058/modem\\nLines: 13\\n\\naep@world.std.com (Andrew E Page) writes:\\n> I can get the mac to go to sleep, but I can't make seem to \\n>make it wake up with SetWUTime().\\n\\nThe PowerBook 170 hardware doesn't have a wakeup timer. Nor does the 140.\\nThe Mac Portable had one, and I think the PowerBook 100 had one. I don't\\nknow about the newer PowerBooks, but I kind of doubt it. I got bit by\\nthis too, and it took my a while rooting around on the developer CD\\nbefore I found this out.\\n\\nSteve Folta\\nfolta@well.sf.ca.us\\n\\n\",\n", + " 'From: twa2@Ra.MsState.Edu (Todd W Anderson)\\nSubject: Re: Diamond Stealth 24 giving 9.4 Winmarks?\\nNntp-Posting-Host: ra.msstate.edu\\nOrganization: Mississippi State University\\nLines: 9\\n\\n\\n On my 486DX33 with the Stealth 24 VLB I get 11.4 WinMarks with ver. 3.11\\n\\n\\n\\n\\n\\n\\n \\n',\n", + " 'From: bmdelane@midway.uchicago.edu (brian manning delaney)\\nSubject: RESULT: sci.life-extension passes 237:28\\nOrganization: University of Chicago\\nLines: 284\\nNNTP-Posting-Host: rodan.uu.net\\n\\nThe vote to create the proposed group, Sci.life-extension, was\\naffirmative.\\n\\nYes votes: 237.\\nNo votes: 28.\\n\\nWhat follows is a list of the people who voted, by vote (\"no\" or \"yes\").\\n\\nHere are the people who voted NO:\\n\\nbailey@utpapa.ph.utexas.edu (Ed Bailey)\\nbarkdoll@lepomis.psych.upenn.edu (Edwin Barkdoll)\\nmsb@sq.com (Mark Brader)\\ncarr@acsu.buffalo.edu (Dave Carr)\\ndesj@ccr-p.ida.org (David desJardins)\\njbh@Anat.UMSMed.Edu (James B. Hutchins)\\nrsk@gynko.circ.upenn.edu (Rich Kulawiec)\\nstu@valinor.mythical.com (Stu Labovitz)\\nlau@ai.sri.com (Stephen Lau)\\nplebrun@minf8.vub.ac.be (Philippe Lebrun)\\njmaynard@nyx.cs.du.edu (Jay Maynard)\\nemcguire@intellection.com (Ed McGuire)\\nrick@crick.ssctr.bcm.tmc.edu (Richard H. Miller)\\nsmarry@zooid.guild.org (Marc Moorcroft)\\ndmosher@nyx.cs.du.edu (David Mosher)\\nejo@kaja.gi.alaska.edu (Eric J. Olson)\\nhmpetro@mosaic.uncc.edu (Herbert M Petro)\\nsmith-una@YALE.EDU (Una Smith)\\nmmt@RedBrick.COM (Maxime Taksar KC6ZPS)\\nurlichs@smurf.sub.org (Matthias Urlichs)\\nac999266@umbc.edu (a Francis Uy)\\nwerner@SOE.Berkeley.Edu (John Werner)\\nwick@netcom.com (Potter Wickware)\\nggw@wolves.Durham.NC.US (Gregory G. Woodbury)\\nD.W.Wright@bnr.co.uk (D. Wright)\\nyarvin-norman@CS.YALE.EDU (Norman Yarvin)\\nask@cblph.att.com\\nspm2d@opal.cs.virginia.edu\\n\\nHere are the people who voted YES:\\n\\nFSSPR@ACAD3.ALASKA.EDU (Hardcore Alaskan)\\nkalex@eecs.umich.edu (Ken Alexander)\\nph600fht@sdcc14.UCSD.EDU (Alex Aumann)\\nfranklin.balluff@Syntex.Com (Franklin Balluff)\\nbarash@umbc.edu (Mr. Steven Barash)\\nbuild@alan.b30.ingr.com (Alan Barksdale (build))\\nlion@TheRat.Kludge.COM (John H. Barlow)\\npbarto@UCENG.UC.EDU (Paul Barto)\\nryan.bayne@canrem.com (Ryan Bayne)\\nmignon@shannon.Jpl.Nasa.Gov (Mignon Belongie)\\nbeaudot@tirf.grenet.fr (william Beaudot)\\nlavb@lise.unit.no (Olav Benum)\\nross@bryson.demon.co.uk (Ross Beresford)\\nben.best@canrem.com (Ben Best)\\nlevi@happy-man.com (Levi Bitansky)\\njsb30@dagda.Eng.Sun.COM (James Blomgren)\\ngbloom@nyx.cs.du.edu (Gregory Bloom)\\nmbrader@netcom.com (Mark Brader)\\nebrandt@jarthur.Claremont.EDU (Eli Brandt)\\ndoom@leland.stanford.edu (Joseph Brenner)\\nrc@pos.apana.org.au (Robert Cardwell)\\njeffjc@binkley.cs.mcgill.ca (Jeffrey CHANCE)\\nsasha@cs.umb.edu (Alexander Chislenko)\\nmclark@world.std.com (Maynard S Clark)\\n100042.2703@CompuServe.COM (\"A.J. Clifford\")\\ncoleman@twinsun.com (Mike Coleman)\\nsteve@constellation.ecn.uoknor.edu (Steve Coltrin)\\ncollier@ivory.rtsg.mot.com (John T. Collier)\\ncompton@plains.NoDak.edu (Curtis M. Compton) \\nbobc@master.cna.tek.com (Bob Cook)\\ncordell@shaman.nexagen.com (Bruce Cordell)\\ncormierj@ERE.UMontreal.CA (Cormier Jean-Marc)\\ndjcoyle@macc.wisc.edu (Douglas J. Coyle)\\ndass0001@student.tc.umn.edu (\"John R Dassow-1\")\\nbdd@onion.eng.hou.compaq.com (Bruce Davis)\\ndemonn@emunix.emich.edu (Kenneth Jubal DeMonn)\\ndesilets@sj.ate.slb.com (Mark Desilets)\\nmarkd@sco.COM (Mark Diekhans)\\nkari@teracons.teracons.com (Kari Dubbelman)\\nlhdsy1!cyberia.hou281.chevron.com!hwdub@uunet.UU.NET (Dub Dublin)\\nwilldye@helios.unl.edu (Will Dye)\\n155yegan%jove.dnet.measurex.com@juno.measurex.com (TERRY EGAN)\\neder@hsvaic.boeing.com (Dani Eder)\\nglenne@magenta.HQ.Ileaf.COM (Glenn Ellingson)\\nfarrar@adaclabs.com (Richard Farrar)\\nghsvax!hal@uunet.UU.NET (Hal Finney)\\nlxfogel@srv.PacBell.COM (Lee Fogel)\\nafoxx@foxxjac.b17a.ingr.com (Foxx)\\ni000702@disc.dla.mil (sam frajerman,sppb,x3026,)\\nmpf@medg.lcs.mit.edu (Michael P. Frank)\\nMartin.Franklin@Corp.Sun.COM (Martin Franklin)\\ntiff@CS.UCLA.EDU (Tiffany Frazier)\\nAiling_Zhu_Freeman@U.ERGO.CS.CMU.EDU (Ailing Freeman)\\nTimothy_Freeman@U.ERGO.CS.CMU.EDU (Tim Freeman)\\ngt0657c@prism.gatech.edu (geoff george)\\nmtvdjg@rivm.nl (Daniel Gijsbers)\\nexusag@exu.ericsson.se (Serena Gilbert)\\nrlglende@netcom.com (Robert Lewis Glendenning)\\ngoetz@cs.Buffalo.EDU (Phil Goetz)\\ngoolsby@dg-rtp.dg.com (Chris Goolsby)\\ndgordon@crow.omni.co.jp (David Gordon)\\nbgrahame@eris.demon.co.uk (Robert D Grahame)\\nsascsg@unx.sas.com (Cynthia Grant)\\ngreen@srilanka.island.COM (Robert Greenstein)\\njohng@oce.orst.edu (John A. Gregor)\\nroger@netcom.com (roger gregory)\\nevans-ron@CS.YALE.EDU (Ron Hale-Evans)\\nbrent@vpnet.chi.il.us (Brent Hansen)\\nRon.G.Hay@med.umich.edu (Ron G. Hay)\\nakh@empress.gvg.tek.com (Anna K. Haynes)\\nclaris!qm!Bob_Hearn@ames.arc.nasa.gov (Robert Hearn)\\nfheyligh@vnet3.vub.ac.be (Francis Heylighen)\\nhin9@midway.uchicago.edu (P. Hindman)\\nfishe@casbah.acns.nwu.edu (Carwil James)\\njanzen@mprgate.mpr.ca (Martin Janzen)\\nkarp@skcla.monsanto.com (Jeffery M Karp)\\nrk2@elsegundoca.ncr.com (Richard Kelly)\\nmerklin@gnu.ai.mit.edu (Ed Kemo)\\nkessner@rintintin.Colorado.EDU (KESSNER ERIC M)\\nmapam@csv.warwick.ac.uk (Mr R A Khwaja)\\nkoski@sunset.cs.utah.edu (Keith Koski)\\nkathi@bridge.com (Kathi Kramer)\\nbenkrug@jupiter.fnbc.com (Ben Krug)\\nfarif@eskimo.com (David Kunz)\\nedsr!edsdrd!sel@uunet.UU.NET (Steve Langs)\\npa_hcl@MECENG.COE.NORTHEASTERN.EDU (Henry Leong)\\nS.Linton@pmms.cam.ac.uk (Steve Linton)\\nalopez@cs.ep.utexas.EDU (Alejandro Lopez 6330)\\nkfl@access.digex.com (\"Keith F. Lynch\")\\nKAMCHAR@msu.edu (Charles MacDonald)\\nrob@vis.toronto.edu (Robert C. Majka)\\nphil@starconn.com (Phil Marks)\\ncam@jackatak.raider.net (Cameron Marshall)\\nmmay@mcd.intel.com (Mike May ~)\\ndrac@uumeme.chi.il.us (Bruce Maynard)\\ni001269@discg2.disc.dla.mil (john mccarrick)\\nxyzzy@imagen.com (David McIntyre)\\ncuhes@csv.warwick.ac.uk (Malcolm McMahon)\\nmcpherso@macvax.UCSD.EDU (John Mcpherson)\\nmerkle@parc.xerox.com (Ralph Merkle)\\neric@Synopsys.COM (Eric Messick)\\npmetzger@shearson.com (Perry E. Metzger)\\ngmichael@vmd.cso.uiuc.edu (Gary R. Michael)\\ndat91mas@ludat.lth.se (Asker Mikael)\\nMILLERL@WILMA.WHARTON.UPENN.EDU (\"Loren J. Miller\")\\nminsky@media.mit.edu (Marvin Minsky)\\npmorris@lamar.ColoState.EDU (Paul Morris)\\nMark_Muhlestein@Novell.COM (Mark Muhlestein)\\ndavid@staff.udc.upenn.edu (R. David Murray)\\ngananney@mosaic.uncc.edu (Glenn A Nanney)\\nanthony@meaddata.com (Anthony Napier)\\ndniman@panther.win.net (Donald E. Niman)\\nnistuk@unixg.ubc.ca (Richard Nistuk)\\nJonathan@RMIT.EDU.AU (Jonathan O\\'Donnell)\\nmartino@gomez.Jpl.Nasa.Gov (Martin R. Olah)\\ncpatil@leland.stanford.edu (Christopher Kashina Patil)\\ncrp5754@erfsys01.boeing.com (Chris Payne)\\nsharon@acri.fr (Sharon Peleg)\\nphp@rhi.hi.is (Petur Henry Petersen)\\nchrisp@efi.com (Chris Phoenix)\\npierce@CS.UCLA.EDU (Brad Pierce)\\njulius@math.utah.edu (\"Julius Pierce\")\\ndplatt@cellar.org (Doug Platt)\\nMitchell.Porter@lambada.oit.unc.edu (Mitchell Porter)\\ncpresson@jido.b30.ingr.com (Craig Presson)\\nprice@price.demon.co.uk (Michael Clive Price)\\nU39554@UICVM.BITNET (Edward S. Proctor)\\nstevep@deckard.Works.ti.com (Steve Pruitt)\\nMJQUINN@PUCC.BITNET (Michael Quinn)\\nrauss@nvl.army.mil (Patrick Rauss)\\nremke@cs.tu-berlin.de (\"Jan K. Remke\")\\nag167@yfn.ysu.edu (Barry H. Rodin)\\nksackett@cs.uah.edu (Karl R. Sackett)\\nrcs@cs.arizona.edu (Richard Schroeppel)\\nfschulz@pyramid.com (Frank Schulz)\\nkws@Thunder-Island.kalamazoo.MI.US (Karel W. Sebek)\\nbseewald@gozer.idbsu.edu (Brad Seewald)\\nshapard@manta.nosc.mil (Thomas D. Shapard)\\nhabs@Panix.Com (Harry Shapiro)\\nmuir@idiom.berkeley.ca.us (David Muir Sharnoff)\\ndasher@well.sf.ca.us (D Anton Sherwood)\\nzero@netcom.com (Richard Shiflett)\\nAP201160@BROWNVM.BITNET (Elaine Shiner)\\nrobsho@robsho.Auto-trol.COM (Robert Shock)\\nrshvern@gmuvax2.gmu.edu (Rob Shvern)\\nwesiegel@cie-2.uoregon.edu (William Siegel)\\nggyygg@mixcom.mixcom.com (Kenton Sinner)\\nbsmart@bsmart.tti.com (Bob Smart)\\ntonys@ariel.ucs.unimelb.EDU.AU (Anthony David Smith)\\nsgccsns@citecuc.citec.oz.au (Shayne Noel Smith)\\ndsnider@beta.tricity.wsu.edu (Daniel L Snider)\\nsnyderg@spot.Colorado.EDU (SNYDER GARY EDWIN JR)\\nblupe@ruth.fullfeed.com (Brian Arthur Stewart)\\nlhdsy1!usmi02.midland.chevron.com!tsfsi@uunet.UU.NET (Sigrid\\nStewart)\\nnat@netcom.com (Nathaniel Stitt)\\ntps@biosym.com (Tom Stockfisch)\\nstodolsk@andromeda.rutgers.edu (David Stodolsky)\\ngadget@dcs.warwick.ac.uk (Steve Strong)\\ncarey@CS.UCLA.EDU (Carey Sublette)\\njsuttor@netcom.com (Jeff Suttor)\\nswain@cernapo.cern.ch (John Swain)\\nszabo@techbook.com (Nick Szabo)\\nptheriau@netcom.com (P. Chris Theriault)\\nak051@yfn.ysu.edu (Chris Thompson)\\ngunnar.thoresen@bio.uio.no (Gunnar Thoresen)\\ndreamer@uxa.cso.uiuc.edu (Andrew Trapp)\\njerry@cse.lbl.gov (Jerry Tunis)\\nmusic@parcom.ernet.in (Rajeev Upadhye)\\ntreon@u.washington.edu (Treon Verdery)\\nevore@magnus.acs.ohio-state.edu (Eric J Vore)\\nU13054@UICVM.BITNET (Howard Wachtel)\\nsusan@wpi.WPI.EDU (Susan C Wade)\\n70023.3041@CompuServe.COM (Paul Wakfer)\\newalker@it.berklee.edu (\"Elaine Walker\")\\njew@rt.sunquest.com (James Ward)\\njeremy@ai.mit.edu (Jeremy M. Wertheimer)\\nbw@ws029.torreypinesca.NCR.COM (Bruce White 3807)\\nweeds@strobe.ATC.Olivetti.Com (Mark Wiedman)\\nwiesel-elisha@CS.YALE.EDU (Elisha Wiesel)\\nWILLINGP@gar.union.edu (WILLING, PAUL)\\nsmw@alcor.concordia.ca (Steven Winikoff)\\nwright@hicomb.hi.com (David Wright)\\nebusew@anah.ericsson.com (Stephen Wright 66667)\\nliquidx@cnexus.cts.com (Liquid-X)\\nxakellis@uivlsisl.csl.uiuc.edu (Michael G. Xakellis)\\ncs012113@cs.brown.edu (Ion Yannopoulos)\\nyazz@lccsd.sd.locus.com (Bob Yazz)\\nlnz@lucid.com (Leonard N. Zubkoff)\\n62RSE@npd1.ufpe.br\\nadwyer@mason1.gmu.edu\\nART@EMBL-Hamburg.DE\\natfurman@cup.portal.com\\nbillw@attmail.att.com\\ncarl@red-dragon.umbc.edu\\ncarlf@ai.mit.edu\\ncccbbs!chris.thompson@UCENG.UC.EDU\\nCCGARCIA@MIZZOU1.BITNET\\nclayb@cellar.org\\ndack@permanet.org\\ndaedalus@netcom.com\\ndanielg@autodesk.com\\nDave-M@cup.portal.com\\nF_GRIFFITH@CCSVAX.SFASU.EDU\\ngarcia@husc.harvard.edu\\ngav@houxa.att.com\\nhammar@cs.unm.edu\\nherbison@lassie.ucx.lkg.dec.com\\nhhuang@Athena.MIT.EDU\\nhkhenson@cup.portal.com\\nirving@happy-man.com\\njeckel@amugw.aichi-med-u.ac.jp\\njgs@merit.edu\\njmeritt@mental.mitre.org\\nJonas_Marten_Fjallstam@cup.portal.com\\nkqb@whscad1.att.com\\nLPOMEROY@velara.sim.es.com\\nlubkin@apollo.hp.com\\nkunert@wustlb.wustl.edu\\nLINYARD_M@XENOS.a1.logica.co.uk\\nM.Michelle.Wrightwatson@att.com\\nmoselecw@elec.canterbury.ac.nz\\nnaoursla@eos.ncsu.edu\\nng4@husc.harvard.edu\\npase70!dchapman@uwm.edu\\npocock@math.utah.edu\\nRUDI@HSD.UVic.CA\\nSCOTTJOR@delphi.com\\nstanton@ide.com\\nsteveha@microsoft.com\\nstu1016@DISCOVER.WRIGHT.EDU\\nSYang.ES_AE@xerox.com\\ntim.hruby@his.com\\nTodd.Kaufmann@FUSSEN.MT.CS.CMU.EDU\\ntom@genie.slhs.udel.edu\\nUC482529@MIZZOU1.BITNET\\nWMILLER@clust1.clemson.edu\\nyost@mv.us.adobe.com\\n\\n(The group still passes if you don\\'t count the people for\\nwhom I just have email address.)\\n\\n-Brian \\n',\n", + " \"Distribution: world\\nFrom: David_A._Schnider@bmug.org\\nOrganization: BMUG, Inc.\\nSubject: Re: x86 ~= 680x0 ?? (How do they compare?)\\nLines: 11\\n\\nThe real question here in my opinion is what Motorola processors running system\\n7 on a MAC are comparable to what Intel processors running Windows on a PC? I\\nrecall there being a conversation here that a 486/25 running Windows benchmarks\\nat about the same speed as 25Mhz 030 in system 7. I don't know if that is\\ntrue, but I would love to hear if anyone has any technical data on this.\\n\\n-David\\n\\n**** From Planet BMUG, the FirstClass BBS of BMUG. The message contained in\\n**** this posting does not in any way reflect BMUG's official views.\\n\\n\",\n", + " \"From: kkeller@mail.sas.upenn.edu (Keith Keller)\\nSubject: Re: Trivia question\\nOrganization: University of Pennsylvania, School of Arts and Sciences\\nLines: 18\\nNntp-Posting-Host: mail.sas.upenn.edu\\n\\nWhat sadist brought up this vein about Malarchuk? When I saw what\\nhappened I wanted to throw up, and at the same time I was devastated,\\nsince I thought that Malarchuk wouldn't survive. BTW, I believe he picked\\nup an alcohol problem after (before?) the incident.\\n\\nTo radically change the subject, the Caps must be having nightmares about\\nthe Isles in overtime in the playoffs. Have they *ever* beaten the\\nIslanders in a playoff OT game? This is lunacy. The Caps are such a\\nsorry team in the playoffs, they consistently choke against opponents who\\nthey should be beating. Losing two OT games in a row is not coincidence,\\nit's evidence of the choke factor.\\n\\n--\\n Keith Keller\\t\\t\\t\\tLET'S GO RANGERS!!!!!\\n\\tkkeller@mail.sas.upenn.edu\\t\\tIVY LEAGUE CHAMPS!!!!\\n In this corner\\t\\t\\t\\tLET'S GO QUAKERS!!!!!\\n Weighing in at almost every weight imaginable . . . \\n Life, and all that surrounds it.\\t\\t -- Blues Traveler, 1993\\n\",\n", + " 'From: spang@nbivax.nbi.dk (Karsten Spang)\\nSubject: Cannot create 24 plane window\\nOrganization: Niels Bohr Institute and Nordita, Copenhagen\\nLines: 59\\n\\n Hello X\\'ers\\n\\nI have a problem: I am not able to create a window with 24 bit planes. The\\nfollowing code illustrates the problem:\\n\\n#include \\n#include \\n#include \\n\\nmain()\\n{\\n Display *display;\\n Window win;\\n XVisualInfo vinfo;\\n Colormap colormap;\\n XSetWindowAttributes attributes;\\n XEvent event;\\n Status status;\\n\\n display=XOpenDisplay(NULL);\\n status=XMatchVisualInfo(display,DefaultScreen(display),24,TrueColor,\\n &vinfo);\\n if (!status){\\n fprintf(stderr,\"Visual not found\\\\n\");\\n exit(1);\\n }\\n colormap=XCreateColormap(display,DefaultRootWindow(display),\\n vinfo.visual,AllocNone);\\n\\n attributes.colormap=colormap;\\n\\n win=XCreateWindow(display,DefaultRootWindow(display),0,0,100,100,\\n 0,24,InputOutput,vinfo.visual,CWColormap,&attributes);\\n XMapWindow(display,win);\\n for (;;){\\n XNextEvent(display,&event);\\n }\\n}\\n\\nI tried this with an SGI with 24 plane TrueColor server, and with an HP\\n9000-700 24 plane DirectColor server (with the obviously neccessary change),\\nboth running X11R4. On the client side, I have tried with X11R4 Xlib on\\nHP 9000-700 and DECstation, and with X11R3 Xlib on DECstation. All the\\ncombinations gave BadMatch error on the CreateWindow request.\\n\\nAs far as I can tell from the manual, the only attribute which may give\\na BadMatch, is the colormap, if it belongs to a wrong visual. But the\\nvisual was correctly matched, as I did not get the error message. What\\nam I doing wrong? For information I can tell that xwud aborts with the\\nsame error.\\n\\n Karsten\\n-- \\n--------------------------------------------------------------------------------\\nInterNet: krs@kampsax.dk Karsten Spang\\nPhone: +45 36 77 22 23 Kampsax Data\\nFax: +45 36 77 03 01 P.O. Box 1142\\n DK-2650 Hvidovre\\n Denmark\\n',\n", + " \"Subject: Vasectomy: Health Effects on Women?\\nFrom: eskagerb@nermal.santarosa.edu (Eric Skagerberg)\\nOrganization: Santa Rosa Junior College, Santa Rosa, CA\\nKeywords: vasectomy woman women contraception sterilization men health\\nSummary: What might a vasectomy do to a female partner's long-term health?\\nNntp-Posting-Host: nermal.santarosa.edu\\nX-Newsreader: TIN [version 1.1 PL8]\\nLines: 16\\n\\nDoes anyone know of any studies done on the long-term health effects of a\\nman's vasectomy on his female partner?\\n\\nI've seen plenty of study results about vasectomy's effects on men's health,\\nbut what about women? \\n\\nFor example, might the wife of a vasectomized man become more at risk for,\\nsay, cervical cancer? Adverse effects from sperm antibodies? Changes in the\\nvagina's pH? Yeast or bacterial infections?\\n\\nOutside of study results, how about informed speculation?\\n\\nThanks in advance for your help!\\n--\\nEric Skagerberg \\nSanta Rosa, California Telephone (707) 573-1460\\n\",\n", + " 'From: I3150101@dbstu1.rz.tu-bs.de (Benedikt Rosenau)\\nSubject: Re: Wholly Babble (Was Re: free moral agency)\\nOrganization: Technical University Braunschweig, Germany\\nLines: 10\\n\\nIn article <2944159064.5.p00261@psilink.com>\\n\"Robert Knowles\" writes:\\n \\n(Deletion)\\n>Of course, there is also the\\n>Book of the SubGenius and that whole collection of writings as well.\\n \\n \\nDoes someone know a FTP site with it?\\n Benedikt\\n',\n", + " \"From: stephens@rd1.interlan.com (Jack Stephenson)\\nSubject: Re: What is this .GL file?\\nDistribution: usa\\nOrganization: Racal-Datacom, Sunrise, FL\\nLines: 27\\n\\nFrom article <1suntv$3km@watson.mtsu.edu>, by csjohn@watson.mtsu.edu (John Wallace):\\n> I've got this animation file with a .GL extension.\\n> What is this? Are there anu MS-DOS or OS/2 programs\\n> which will run this file? Thanks.\\n> \\n\\nThe GL file is an archive containing individual frames or pieces of\\nframes (usually stored as .PIC or .CLP files), fonts, and a .TXT file\\nthat tells the GRASP animation system how to display it. GL stands\\nfor Grasp Library. There is probably a detailed discussion of this subject\\nin the alt.binaries.pictures FAQ.\\n\\nThere are freely distributable viewers for GL files, and they are usually\\nnamed GRASPRT?.EXE (replace the ? with a version digit or letter). Most\\nGL files contain frames that are hardware-specific to particular modes\\nof the CGA, EGA, or VGA adapters on PCs. I think that there are some\\ncopies of GRASPRT available by anonymous ftp (I know that I got one there\\na long time ago).\\n\\n\\t\\tGood Luck\\n\\t\\tJack\\n\\n-- \\n== Jack Stephenson main e-mail: j_stephenson@isuv1.interlan.com ==\\n|| Racal-Datacom alternate e-mail: stephens@souv1.interlan.com ||\\n|| P.O. Box 407044 ||\\n== Ft. Lauderdale, FL 33340 USA Phone: (+1) 305-846-6137 ==\\n\",\n", + " 'From: strataki@atalante.csi.forth.gr (Manolis Stratakis)\\nSubject: Any Comments on EISA bus Book?\\nOrganization: FORTH - ICS, P.O.Box 1385, Heraklio, Crete, Greece 71110 \\n tel: +30(81)221171, 229302 fax: +30(81)229342,3 tlx: 262389 CCI\\nLines: 29\\nDistribution: world\\nNNTP-Posting-Host: atalante.csi.forth.gr\\nKeywords: EISA, ISA\\n\\n\\tHello,\\n\\n\\tI have the following list of books about ISA/EISA buses:\\n\\n1. ISA System Architecture\\n by Tom Shanley/Don Anderson\\n MindShare Press, 1993 $34.95\\n\\n2. EISA System Architecture\\n by Tom Shanley/Don Anderson\\n MindShare Press, 1993 $24.95\\n\\n3. ISA, EISA: PC,XT,AT,E-ISA,ISA, and EISA I/O timing and specs.\\n by Edward Solari, Copyright 1992\\n ISBN: 0-929392-15-9\\n\\n4. AT Bus Design\\n by Edward Solari, Copyright 1990\\n ISBN: 0-929392-08-6\\n\\n5. Interfacing to the IBM PC/XT\\n by Eggebrecht, Lewis C. Copyright 1990\\n\\n\\tDo you have any comments on any of them?\\n\\n\\tPlease reply by e-mail,\\n\\n\\tThanks in advance,\\n\\tManolis Stratakis.\\n',\n", + " 'From: I3150101@dbstu1.rz.tu-bs.de (Benedikt Rosenau)\\nSubject: Re: Biblical Rape\\nOrganization: Technical University Braunschweig, Germany\\nLines: 14\\n\\nIn article <1993Apr05.174537.14962@watson.ibm.com>\\nstrom@Watson.Ibm.Com (Rob Strom) writes:\\n \\n>\\n>In article <16BA7F16C.I3150101@dbstu1.rz.tu-bs.de>, I3150101@dbstu1.rz.tu-bs.de (Benedikt Rosenau) writes:\\n>\\n>I didn\\'t have time to read the rest of the posting, but\\n>I had to respond to this.\\n>\\n>I am absolutely NOT a \"Messianic Jew\".\\n>\\n \\nAnother mistake. Sorry, I should have read alt.,messianic more carefully.\\n Benedikt\\n',\n", + " 'From: nrp@st-andrews.ac.uk (Norman R. Paterson)\\nSubject: Re: After 2000 years, can we say that Christian Morality is\\nOrganization: St. Andrews University, Scotland.\\nLines: 16\\n\\nIn article <1r59na$e81@fido.asd.sgi.com> livesey@solntze.wpd.sgi.com (Jon Livesey) writes:\\n>In article <1993Apr21.141259.12012@st-andrews.ac.uk>, nrp@st-andrews.ac.uk (Norman R. Paterson) writes:\\n>|> In article <1r2m21$8mo@fido.asd.sgi.com> livesey@solntze.wpd.sgi.com (Jon Livesey) writes:\\n...\\n>> Ok, so you don\\'t claim to have an absolute moral system. Do you claim\\n>> to have an objective one? I\\'ll assume your answer is \"yes,\" apologies\\n>> if not.\\n>\\n>I\\'ve just spent two solid months arguing that no such thing as an\\n>objective moral system exists.\\n>\\n>jon.\\n\\nApologies, I\\'ve not been paying attention.\\n\\n-Norman\\n',\n", + " 'From: qtm2w@virginia.edu (Quinn T. McCord)\\nSubject: Seven castaways w. Gilligan=Seven Deadly Sins\\nOrganization: University of Virginia\\nLines: 7\\n\\nGilligan = Sloth\\nSkipper = Anger\\nThurston Howell III = Greed\\nLovey Howell = Gluttony\\nGinger = Lust\\nProfessor = Pride\\nMary Ann = Envy\\n',\n", + " 'From: danb@shell.portal.com (Dan E Babcock)\\nSubject: Re: Societal basis for morality\\nNntp-Posting-Host: jobe\\nOrganization: Portal Communications Company -- 408/973-9111 (voice) 408/973-8091 (data)\\nLines: 14\\n\\nIn article cobb@alexia.lis.uiuc.edu (Mike Cobb) writes:\\n>1)On what basis can we say that the actions of another society, (as per Hitler\\n>comment) are wrong?\\n\\nUltimately it rests with personal opinion...in my opinion. :-) \\n\\n>2)Why does majority make right?\\n\\nThe question doesn\\'t make sense to me. Maybe it would be better to ask,\\n\"What makes a democracy better than [for example] a totalitarian\\nregim?\"\\n\\nDan\\n\\n',\n", + " \"From: dgraham@bmers30.bnr.ca (Douglas Graham)\\nSubject: Re: Jews can't hide from keith@cco.\\nOrganization: Bell-Northern Research, Ottawa, Canada\\nLines: 40\\n\\nIn article <1pqdor$9s2@fido.asd.sgi.com> livesey@solntze.wpd.sgi.com (Jon Livesey) writes:\\n>In article <1993Apr3.071823.13253@bmerh85.bnr.ca>, dgraham@bmers30.bnr.ca (Douglas Graham) writes:\\n>The poster casually trashed two thousand years of Jewish history, and \\n>Ken replied that there had previously been people like him in Germany.\\n\\nI think the problem here is that I pretty much ignored the part\\nabout the Jews sightseeing for 2000 years, thinking instead that\\nthe important part of what the original poster said was the bit\\nabout killing Palestinians. In retrospect, I can see how the\\nsightseeing thing would be offensive to many. I originally saw\\nit just as poetic license, but it's understandable that others\\nmight see it differently. I still think that Ken came on a bit\\nstrong though. I also think that your advice to Masud Khan:\\n\\n #Before you argue with someone like Mr Arromdee, it's a good idea to\\n #do a little homework, or at least think.\\n\\nwas unnecessary.\\n\\n>That's right. There have been. There have also been people who\\n>were formally Nazis. But the Nazi party would have gone nowhere\\n>without the active and tacit support of the ordinary man in the\\n>street who behaved as though casual anti-semitism was perfectly\\n>acceptable.\\n>\\n>Now what exactly don't you understand about what I wrote, and why\\n>don't you see what it has to do with the matter at hand?\\n\\nThroughout all your articles in this thread there is the tacit\\nassumption that the original poster was exhibiting casual\\nanti-semitism. If I agreed with that, then maybe your speech\\non why this is bad might have been relevant. But I think you're\\nreading a lot into one flip sentence. While probably not\\ntrue in this case, too often the charge of anti-semitism gets\\nthrown around in order to stifle legitimate criticism of the\\nstate of Israel.\\n\\nAnyway, I'd rather be somewhere else, so I'm outta this thread.\\n--\\nDoug Graham dgraham@bnr.ca My opinions are my own.\\n\",\n", + " 'From: herling@crchh111.NoSubdomain.NoDomain (Brent Herling)\\nSubject: Re: Improvements in Automatic Transmissions\\nNntp-Posting-Host: crchh111\\nOrganization: BNR, Inc.\\nLines: 48\\n\\n\\n\\n>In article <1993Apr21.160341.24707@westminster.ac.uk>, jkjec@westminster.ac.uk (Shazad Barlas) writes:\\n>|> I just wanted to know:\\n>|> \\n>|> To wheelspin in an auto, you keep the gear in N - gas it - then stick the \\n>|> gear in D... I\\'ve never tried this but am sure it works - but does this screw \\n>|> up the autobox? We\\'re having a bit of a debate about it here...\\n>\\n>\\n>Ah yes, the neutral slam.\\n>\\n>I know that GM tested the old th400\\'s and th350\\'s by shifting from reverse to\\n>forward gears repeatedly while holding the engine at high rpms. the units hold\\n>up incredibly well. This is also the recommended technique to \"rock\" a stuck\\n>vehicle out of the mud. I think the hydraulics are up to the task, but the\\n>mechanicals of the driveline may object by breaking something.\\n>\\n>$0.02\\n>\\n>Ericy \\nI agree about the durability of the old TH400 trannies from GM. While I \\nnever intentionally slamed my \\'68 Firebird 400 ci Conv. into gear, I would leave \\nthe trannie in Low (read 1st), grab hold, hit the pedal, and once the tires \\ngrabbed, take off. When I reached about 57-60mph the turbo 400 Auto would \\nshift to S (read \\'super\\' or 2nd) and leave about 10 to 15 foot of double \\nstripped rubber on the ground. Most everyone I knew at the time was quite \\nimpressed with \\'peeling\\' out at 60 MPH. The trannie held up just fine.\\nMotor mounts would last about a year until I tied the motor down with large\\nchains. Oh yea,FYI: Pontiac 400 ci bored 0.04 over \\n Large Valve heads\\n Holley 650 Spread bore\\n Crain \\'BLAZER\\' cam (don\\'t remember the specs)\\n PosiTrac, Hooker headers, Dual exhaust\\n Get this (Conv., leather seats, power windows\\n power top, AC, Cruise etc.) \\n\\n Oh yea, I also pulled the \\'Cocktail shakers\\' (weights) from the front\\n and removed the lead pellet from the accelerator pedal. (Damn US regulations) \\n OH, HOW I MISS THAT CAR!!! \\n -- 0-60 under 6.7 sec and about 6 to 14 mpg (well I don\\'t miss the mpg)\\n -- front wheels 4\" off the ground with three quick jabs at the pedal.\\n -- bent pushrods, stripped rocker studs, every 6-12 months \\n ( I really wonder what kind of rev\\'s I was turning - no tach)\\nRe: Improvements in Automatic Transmissions\\n Anyone seen one of these lately? I\\'d buy it back in a sec!!!\\n\\nOPEN TOP Brent\\n',\n", + " \"From: bell@nssdca.gsfc.nasa.gov (E. V. Bell, II - NSSDC/HSTX/GSFC/NASA - (301)513-1663)\\nSubject: Displaying compressed Voyager images on a Mac\\nOrganization: NASA - Goddard Space Flight Center\\nLines: 38\\nNews-Software: VAX/VMS VNEWS 1.41\\n\\n\\n\\tSorry, I've lost track of who asked the question originally \\n\\t(our news server at GSFC keeps things around for tremendously\\n\\tshort periods of time), but wanted to be certain before I\\n\\treplied. Someone asked about displaying the compressed images\\n\\tfrom the Voyager imaging CD-ROMs on a Mac. As Peter Ford (MIT)\\n\\tpointed out, a decompression program is available via FTP.\\n\\t(Sorry, I don't remember the name of the node offhand, \\n\\talthough it's .mit.edu.) In any case, though, one of the MAC\\n\\tdisplay programs (CD ROM Browser by Dana Swift) does display\\n\\tthe compressed images directly. The program is shareware and\\n\\tis distributed by NSSDC for nominal reproduction costs ($9 +\\n\\tshipping, if memory serves). This does *not* cover the\\n\\tshareware price which should go to Dana for his diligent work\\n\\tand upgrades, however.\\n\\n\\tTo request current pricing information, information about\\n\\tavailable display software, catalogs, or data from NSSDC,\\n\\tcontact our user support office at:\\n\\n\\t\\tNational Space Science Data Center\\n\\t\\tCoordinated Request and User Support Office (CRUSO)\\n\\t\\tMail Code 633\\n\\t\\tNASA/Goddard Space Flight Center\\n\\t\\tGreenbelt, MD 20771\\n\\t\\tPhone: (301) 286-6695\\n\\t\\tFax: (301) 286-4952\\n\\n+------------------------------------------------------------------------------+\\n| Dr. Edwin V. Bell, II\\t| E-mail:\\t\\t\\t\\t |\\n| Mail Code 633.9\\t\\t|\\t(SPAN) NCF::Bell\\t\\t |\\n| National Space Science\\t|\\tor NSSDC::Bell\\t\\t |\\n| Data Center\\t\\t|\\tor NSSDCA::Bell\\t\\t |\\n| NASA\\t\\t\\t\\t|\\tor NSSDCB::Bell\\t\\t |\\n| Goddard Space Flight Center\\t| (Internet) Bell@NSSDCA.GSFC.NASA.GOV |\\n| Greenbelt, MD 20771\\t|\\t\\t\\t\\t\\t |\\n| (301) 513-1663\\t\\t|\\t\\t\\t\\t\\t |\\n+------------------------------------------------------------------------------+\\n\",\n", + " 'From: km@ky3b.pgh.pa.us (Ken Mitchum)\\nSubject: Re: tuberculosis\\nOrganization: KY3B - Vax Pittsburgh, PA\\nLines: 19\\n\\nIn article <1993Mar25.085526.914@news.wesleyan.edu>, RGINZBERG@eagle.wesleyan.edu (Ruth Ginzberg) writes:\\n|> \\n|> But I\\'ll be damned, his \"rights\" to be sick & to fail to treat his disease & to\\n|> spread it all over the place were, indeed preserved. Happy?\\n\\nSeveral years ago I tried to commit a patient who was growing Salmonella out of his\\nstool, blood, and an open ulcer for treatment. The idea was that the guy was a\\nwalking public health risk, and that forcing him to receive IV antibiotics for\\na few days was in the public interest. I will make a long story short by saying\\nthat the judge laughed at my idea, yelled at me for wasting his time, and let\\nthe guy go.\\n\\nI found out that tuberculosis appears to be the only MEDICAL (as oppsed to psychiatric)\\ncondition that one can be committed for, and this is because very specific laws were\\nenacted many years ago regarding tb. I am certain these vary from state to state.\\n\\nAny legal experts out there to help us on this?\\n\\n-km\\n',\n", + " \"From: fennell@well.sf.ca.us (Michael Daniel Fennell)\\nSubject: Re: Why circuit boards are green?\\nNntp-Posting-Host: well.sf.ca.us\\nOrganization: The Whole Earth 'Lectronic Link, Sausalito, CA\\nLines: 13\\n\\n\\nWhy are circuit boards green? The material used to make them goes by two\\nnames. If it is used to make circuit boards it is called FR-4. The same\\nmaterial is used in the cryogenics industrya and marine industries as a\\nstructural material and is called G-10. FR-4 and G-10 are both green. They\\nare not green because of a solder masking agent. The basic ingredients are\\na clear epoxy resin and glass fibers. I am not sure what the specs are on\\nthe resin, but if you are really curious you can call NEMA (National\\nElectronics Manufacturing Association) or Ciba Geigy (a major manufacturer\\nof epoxy resins) to find out. As an aside, I occasionally mix clear epoxy\\nand glass microsphres to cast small structures for cryogenics experiments.\\nThe proportions of glass to epoxy are about the same as in G-10. They are\\nthe same green color.\\n\",\n", + " 'From: matthew@phantom.gatech.edu (Matthew DeLuca)\\nSubject: Re: nuclear waste\\nOrganization: The Dorsai Grey Captains\\nLines: 15\\nNNTP-Posting-Host: oit.gatech.edu\\n\\nIn article <844@rins.ryukoku.ac.jp> will@rins.ryukoku.ac.jp (William Reiken) writes:\\n\\n>\\tOk, so how about the creation of oil producing bacteria? I figure\\n>that if you can make them to eat it up then you can make them to shit it.\\n>Any comments?\\n\\nSure. Why keep using oil? A hydrogen/electric economy would likely be\\ncleaner and more efficient in the long run. The laws of supply and demand\\nshould get the transition underway before we reach a critical stage of\\nshortage.\\n-- \\nMatthew DeLuca\\nGeorgia Institute of Technology, Atlanta Georgia, 30332\\nuucp:\\t ...!{decvax,hplabs,ncar,purdue,rutgers}!gatech!prism!matthew\\nInternet: matthew@phantom.gatech.edu\\n',\n", + " 'From: weidlich@arb-phys.uni-dortmund.de (Weidlich)\\nSubject: Searching for a phonetic font\\nOrganization: Institut f. Arbeitsphysiologie a.d. Uni Dortmund\\nLines: 13\\n\\nI\\'m searching for a phonetic TrueType font for Windows 3.1. If \\nanybody knows one, please mail me!\\n\\nThanks.\\n\\ndw \\n\\n\\n##################################################################\\nDipl.-Inform. Dietmar Weidlich # IfADo, Ardeystr. 67 #\\nweidlich@arb-phys.uni-dortmund.de # D-4600 Dortmund 50 #\\nPhone ++49 231 1084-250 # >> Dr. B.: \"Koennten Sie das #\\nFax ++49 231 1084-401 # MAL EBEN erledigen?\" << #\\n',\n", + " 'From: sandvik@newton.apple.com (Kent Sandvik)\\nSubject: Re: Is it good that Jesus died?\\nOrganization: Cookamunga Tourist Bureau\\nLines: 20\\n\\nIn article <1993Apr25.194144.8358@organpipe.uug.arizona.edu>,\\nbrian@lpl.arizona.edu (Brian Ceccarelli 602/621-9615) wrote:\\n> In article arromdee@jyusenkyou.cs.jhu.edu (Ken Arromdee) writes:\\n> >You said everyone in the world. That means *everyone* in the world, including\\n> >children that are not old enough to speak, let alone tell lies. If Jesus\\n> >says \"everyone\", you cannot support that by referring to a group of people\\n> >somewhat smaller than \"everyone\".\\n \\n> That\\'s right. Everyone. Even infants who cannot speak as yet. Even\\n> a little child will rebelliously stick his finger in a light socket.\\n> Even a little child will not want his diaper changed. Even a little\\n> child will fight nap-time.\\n\\nOh boy, get a small baby and figure out how much brain power they\\nhave the first 6 months....\\n\\nCheers,\\nKent\\n---\\nsandvik@newton.apple.com. ALink: KSAND -- Private activities on the net.\\n',\n", + " 'From: matt@centerline.com (Matt Landau)\\nSubject: Re: Asynchronous X Windows?\\nOrganization: CenterLine Software, Inc.\\nLines: 42\\nNNTP-Posting-Host: 140.239.1.32\\n\\nIn <1382.9304261508@zztop.dps.co.uk> gerard@dps.co.UK (Gerard O\\'Driscoll) writes:\\n>>> No, it isn\\'t. It is the \"X Window System\", or \"X11\", or \"X\" or any of\\n>>> a number of other designations accepted by the X Consortium....\\n>>> \\n>>> There is no such thing as \"X Windows\" or \"X Window\", despite the repeated\\n>>> misuse of the forms by the trade rags. \\n\\n>I used to think this way, and not just about X. For example, incorrect\\n>English constructs such as \"its raining\" or \"it\\'s window id\" annoy me.\\n>However, there comes a time when popular usage starts to dictate the way\\n>things really are in the world. \\n\\nWell, yes and no. I don\\'t particularly want this discussion to spark\\na lengthy debate, but I do think it\\'s worth pointing out that \"popular\\nusage\" is not always sufficient excuse. \\n\\nIn this case, for example, I think an appropriate parallel may be found\\nin the pronunciation of proper names: if people commonly misspelled or \\nmispronounced your name, would you feel compelled to change it? Probably\\nnot. \\n\\nThe same is true of X. \"The X Window System\", \"X\", \"X11\", and related\\nmonickers are proper names in the same sense that any product name is a\\nproper name. In fact, some of them are *trademarked* names. The fact \\nthat many people get them wrong is largely beside the point. \\n\\nAs for the trade publications that promulgate things like \"X Window\" or\\n\"X.windows\" or any of the other nonsensical variants one often sees, \\nconsider the fact that these publications are supposedly written by \\n*journalists*. Would you trust the facts of a journalist who couldn\\'t\\nbe bothered to get the name of his/her source right? Would you trust\\na product review by someone who got the name of the product wrong?\\n\\nPopular usage is as it may be, but I for one am all for holding people\\nwho claim to be journalists to a higher standard of correctness.\\n\\n>Indeed, the fact that X won out over NeWS\\n>was really down to popular opinion (I know, we all think it\\'s(!) technically\\n>superior as well!).\\n\\nX11 technically superior to NeWS? Well, in *some* alternate universe\\nperhaps ...\\n',\n", + " 'From: brad@clarinet.com (Brad Templeton)\\nSubject: Re: Dorothy Denning opposes Clipper, Capstone wiretap chips\\nOrganization: ClariNet Communications Corp.\\nLines: 60\\n\\nIn article jhart@agora.rain.com (Jim Hart) writes:\\n>\"The security of the system should depend only on the secrecy of\\n>the keys and not on the secrecy of the algorithms\" -- Dorothy Denning\\n>\\n>jhart@agora.rain.com\\n\\n\\nYou\\'re reading far too much into this (aside from the obvious fact\\nthat you shouldn\\'t hold anybody to what they wrote in a 10 year old\\nbook in a rapidly changing field like this.)\\n\\n\\nQuite simply she says that the security should not DEPEND on the\\nsecrecy of the algorithm. A secret algorithm can still be secure,\\nafter all, we just don\\'t know it. Only our level of trust is\\naffected, not the security of the system.\\n\\nThe algorithm *could* be RSA for all we know, which we believe to\\nbe secure.\\n\\nThey have a much better reason to classify the algorithm than to\\nprotect its security. They want to protect its market share.\\n\\nIf they publish the algorithm, then shortly manufacturers would\\nmake chips that implement the algorithm and standard but do not\\nuse a key stored in escrow. And of course, everybody would buy them.\\n\\n\\nThe whole push of this chip is that by establishing a standard that\\nyou can only use if you follow their rules, they get us to follow\\ntheir rules without enacting new laws that we would fight tooth and\\nnail.\\n\\nQuite simply, with Clipper established, it would be much harder for\\nanother encryption maker to define a new standard, to make phones that\\ncan\\'t talk to the leading phone companies. The result is tappable\\ncryptography without laws forbidding other kinds, for 99% of the\\npopulace.\\n\\n\\nTo get untappable crypto, you would have to build a special phone that\\nruns on top of this system, and everybody you talk to would have to\\nhave an indentical one.\\n\\nThat\\'s the chicken and egg of crypto. The government is using its\\nvery special ability to solve chicken and egg problems of new\\ntechnologies to control this one in a way they like.\\n\\n\\nIt\\'s almost admirably clever. When the EFF started, I posed the question here\\n\"What are the police going to do when they wake up and discover they\\ncan\\'t wiretap?\" and nobody here had an answer (or even thought it was\\nmuch of a question)\\n\\nThen came the backdoor and Digital Telephony bills, which we fought.\\n\\nNow we have their real answer, the cleverest of all.\\n\\n-- \\nBrad Templeton, ClariNet Communications Corp. -- Sunnyvale, CA 408/296-0366\\n',\n", + " \"From: xrcjd@resolve.gsfc.nasa.gov (Charles J. Divine)\\nSubject: Space Station radio commercial\\nOrganization: NASA/GSFC Greenbelt Maryland\\nLines: 13\\n\\nA brief political/cultural item.\\n\\nRadio station WGMS in Washington is a classical music station with\\na large audience among high officials (elected and otherwise). \\nImagine a radio station that advertises Mercedes Benzes, diamond\\njewelry, expensive resorts and (truthfully) Trident submarines.\\n\\nThis morning I heard a commercial for the space station project.\\nDidn't catch the advertiser.\\n\\nGuess they're pulling out all the stops.\\n-- \\nChuck Divine\\n\",\n", + " \"From: davewood@bruno.cs.colorado.edu (David Rex Wood)\\nSubject: Re: BOB KNEPPER WAS DAMN RIGHT!\\nNntp-Posting-Host: bruno.cs.colorado.edu\\nOrganization: University of Colorado, Boulder\\nLines: 24\\n\\nIn article <1993Apr19.035406.11473@news.yale.edu> (Austin Jacobs) writes:\\n>Don't you GUYS think so? I mean, c'mon! What the heck are women doing\\n>even THINKING of getting into baseball. They cause so many problems. Just\\n>look at Lisa Olson. Remember that feisty reporter that entered the New\\n>England Patriots locker room? She started crying like a LITTLE GIRL! I\\n>just don't think women belong in a man's sport. Before you smart guys\\n>flame me for this, I know the given example was about football. Who cares?\\n> It still applies to other MALE sports. How can we have women umpires? \\n>Jeez! Look at Pam Postema. Just because she's a woman, everybody on the\\n>face of the earth thinks it's great that she's getting an opportunity to\\n>ump. If you even watched the games and had an IQ greater than that of\\n>roast beef, you'd see that she is not nearly as good as most AAA umpires.\\n>Besides, she is probably more worried about cracking a fingernail with a\\n>foul tip off of Wade Boggs' bat. Or Jose Oquendo's bat. Either way, there\\n>are too many complications.\\n>\\n>\\n>ÑAustin Jacobs (Bob Knepper Fan Club Member #12)\\n\\nSomeone tell me there's a :-) hidden here somewhere... ???\\n-- \\n-------------------------------------------------------------------------------\\nDavid Rex Wood -- davewood@cs.colorado.edu -- University of Colorado at Boulder\\n-------------------------------------------------------------------------------\\n\",\n", + " 'From: whughes@lonestar.utsa.edu (William W. Hughes)\\nSubject: Re: Tempest\\nNntp-Posting-Host: lonestar.utsa.edu\\nOrganization: University of Texas at San Antonio\\nDistribution: na\\nLines: 32\\n\\nIn article <1993Apr22.105915.5584@infodev.cam.ac.uk> rja14@cl.cam.ac.uk\\n(Ross Anderson) writes:\\n>res@colnet.cmhnet.org (Rob Stampfli) writes:\\n>> Wouldn\\'t a a second monitor of similar type scrolling gibberish and adjacent\\n>> to the one being used provide reasonable resistance to tempest attacks?\\n>We\\'ve got a tempest receiver in the lab here, and there\\'s no difficulty in\\n>picking up individual monitors. Their engineering tolerances are slack enough\\n>that they tend to radiate on different frequencies. Even where they overlap, you\\n>can discriminate because they have different line synch frequencies - you can\\n>lock in on one and average the others out.\\n>\\n>The signals are weird in any case, with varying polarisations and all sorts\\n>of interactions with the building. Just moving a folded dipole around is also\\n>highly effective as a (randomised) means of switching from one monitor to\\n>another,\\n>\\nHell, just set up a spark jammer, or some other _very_ electrically-noisy\\ndevice. Or build an active Farrady cage around the room, with a \"noise\"\\nsignal piped into it. While these measures will not totally mask the\\nemissions of your equipment, they will provide sufficient interference to\\nmake remote monitoring a chancy proposition, at best. There is, of course,\\nthe consideration that these measures may (and almost cretainly will)\\ncause a certain amount of interference in your own systems. It\\'s a matter\\nof balancing security versus convenience.\\n\\nBTW, I\\'m an ex-Air Force Telecommunications Systems Control Supervisor and\\nTelecommunications/Cryptographic Equipment Technician.\\n\\n-- \\n REMEMBER WACO!\\n Who will the government decide to murder next? Maybe you?\\n[Opinions are mine; I don\\'t care if you blame the University or the State.]\\n',\n", + " \"From: sandoval@stsci.edu\\nSubject: Re: Braves Update!!\\nLines: 20\\nOrganization: Space Telescope Science Institute\\nDistribution: na\\n\\nIn article <1993Apr20.163456.8983@adobe.com>, snichols@adobe.com (Sherri Nichols) writes:\\n> In article <13586@news.duke.edu> fierkelab@bchm.biochem.duke.edu (Eric Roush) writes:\\n>>1) Since time immemorial, batters have complained about calls.\\n>>So have pitchers and catchers.\\n> \\n> However, batters didn't use to go for strolls after bad calls to the degree\\n> they do now. \\n\\n I really think that this is the key point. When I saw the incident on\\nBaseball Tonight Sunday, I couldn't believe how far away from the plate\\nGant went. Then he casually leaned against his bat. I don't blame the \\numpire at all for telling the pitcher to pitch.\\n\\n The worst part of the whole incident was the Braves coming out onto the\\nfield. What were they going to do, attack the umpire? The only people\\nwho should've been out there were Cox and maybe the coaches, but NO players.\\nI agree with the person who posted before that Cox should be suspended for\\nhaving no control over his team.\\n\\n John \\n\",\n", + " 'From: baalke@kelvin.jpl.nasa.gov (Ron Baalke)\\nSubject: Re: Keeping Spacecraft on after Funding Cuts.\\nOrganization: Jet Propulsion Laboratory\\nLines: 15\\nDistribution: world\\nNNTP-Posting-Host: kelvin.jpl.nasa.gov\\nNews-Software: VAX/VMS VNEWS 1.41 \\n\\nIn article <1993Apr20.204335.157595@zeus.calpoly.edu>, jgreen@trumpet.calpoly.edu (James Thomas Green) writes...\\n>Why do spacecraft have to be shut off after funding cuts. For\\n>example, Why couldn\\'t Magellan just be told to go into a \"safe\"\\n>mode and stay bobbing about Venus in a low-power-use mode and if\\n>maybe in a few years if funding gets restored after the economy\\n>gets better (hopefully), it could be turned on again. \\n\\nIt can be, but the problem is a political one, not a technical one. \\n ___ _____ ___\\n /_ /| /____/ \\\\ /_ /| Ron Baalke | baalke@kelvin.jpl.nasa.gov\\n | | | | __ \\\\ /| | | | Jet Propulsion Lab |\\n ___| | | | |__) |/ | | |__ M/S 525-3684 Telos | The aweto from New Zealand\\n/___| | | | ___/ | |/__ /| Pasadena, CA 91109 | is part caterpillar and\\n|_____|/ |_|/ |_____|/ | part vegetable.\\n\\n',\n", + " 'From: JEK@cu.nih.gov\\nSubject: tongues (read me!)\\nLines: 8\\n\\nPersons interested in the tongues question are are invited to\\nperuse an essay of mine, obtainable by sending the message\\n GET TONGUES NOTRANS\\n to LISTSERV@ASUACAD.BITNET or to\\n LISTSERV@ASUVM.INRE.ASU.EDU\\n\\n Yours,\\n James Kiefer\\n',\n", + " 'From: ryan_cousineau@compdyn.questor.org (Ryan Cousineau) \\nSubject: Spagthorpe Viking\\nReply-To: ryan_cousineau@compdyn.questor.org (Ryan Cousineau) \\nDistribution: world\\nOrganization: Computer Dynamics-Vancouver B.C.-(604)986-9937 (604)255-9937\\nLines: 103\\n\\nDS>From: viking@iastate.edu (Dan Sorenson)\\n\\nDS>ryan_cousineau@compdyn.questor.org (Ryan Cousineau) writes:\\n\\nDS>>Riding up the hill leading to my\\nDS>>house, I encountered a liver-and-white Springer Spaniel (no relation to\\nDS>>the Springer Softail, or the Springer Spagthorpe, a close relation to\\nDS>>the Spagthorpe Viking).\\n\\nDS> I must have missed the article on the Spagthorpe Viking. Was\\nDS>that the one with the little illuminated Dragon\\'s Head on the front\\nDS>fender, a style later copied by Indian, and the round side covers?\\n\\nNo. Not at all. The Viking was a trick little unit made way back when\\n(forties? fifties?) when Spag was trying to make a go of it in racing.\\nThe first iteration (the Springer) was a boxer twin, very similar to Max\\nFriz\\'s famous design, but with an overhead \"point cam\" (see below for\\nmore on the valvetrain). The problem was that the thing had no ground\\nclearance whatsoever. The solution was to curve the cylinder bores, so\\nthat the ground clearance was substantially increased:\\n\\n\\n ==@== <-Springer motor (front)\\n Viking motor (front) -> \\\\=@=/\\n\\nThis is roughly the idea, except that the bores were gradually curved\\naround a radius, as the pistons were loath to make a sharp-angled turn\\nin the middle of their stroke. The engine also had curved connecting\\nrods to accomodate the stroke.\\n\\nThe engine stuck out so far because of its revolutionary (and still\\nunique) overhead cam system. Through the use of clever valve timing and\\nand extrordinarily trick valve linkage, only a single cam lobe was\\nrequired to drive both overhead valves.\\n\\nJust as revolutionary was the hydraulic valve actuation, which used a\\npressurized stream of oil to power the \"waterwheel\" which kept the lobe\\nspinning over. One side effect that required some rather brutal\\nengineering fixes was that until the engine\\'s oil pressure came up to\\nnormal, the engine\\'s valve timing would be more or less random,\\nresulting in some impressive start-up valve damage. The solution was a\\nlittle hand crank that pressurized the cases before you started the\\nbeast, remarkably similar to the system used in new Porsches to\\npressurize the oil system before the car is started (the cage, however,\\nuses an electric oil pump. Wimps).\\n\\nDespite this fix, the engine had a nasty propensity for explosively\\nfiring its valves into the pistons when a cylinder would temporarily\\nlose a bit of oil pressure in a corner. The solution was to run even\\nhigher oil pressures and change the gaskets and seals regularly. This\\nwas feasible because it was a racing engine.\\n\\nWith just a single overhead lobe, and no pushrod/shaft/chain towers\\nbecause of the hydraulic system, the head of the engine came to an\\nalmost perfect point:\\n\\n /\\\\\\n /()\\\\ <-lobe\\n / XX \\\\ <-complex linkage (not shown due to\\n valvestems -> / \\\\ / \\\\ complexity)\\n | | | |\\n | |===| |\\n =0= <---piston\\n |\\n Note that the tip was not truly vertical\\n (it was at about a 70 degree angle to the\\n ground, and this drawing doesn\\'t show the\\n curvature because there was none in the\\n head itself. The bore curve would start\\n about where the cylinder bore disappears in\\n this diagram\\n\\n\\nThe effect of the pointy heads on top of a pair of gently (pundits of\\nthe day even said sensuously) curved cylinders was much like a pair of\\nfinned Viking horns poking out from beneath the gas tank. Thus, the\\nname.\\n\\nThe Vik was a moderately successful racer, lightning fast when it\\nworked, but plagued by problems relating to its revolutionary\\ntechnology. Eventually, it was dumped when Spag finally realized that\\nracing was not where the Spagthorpe name would be made. The machines\\nwere raced for another year or two by privateers, and their fate\\n(approximately six Vikings were made, plus one or possibly two\\nSpringers. Confusing the issue is one old Spag staffer who swears up and\\ndown that this machine was tooled for production, and that as many as\\ntwenty or thirty machines may have come off the line. However, no modern\\nrecord of a production Viking has survived, and most motorcycle\\nhistorians discount this story.\\n\\nRyan Cousinetc.|1982 Yamaha Vision XZ550 -Black Pig of Inverness|Live to Ride\\nKotRB |1958 AJS 500 C/S -King Rat |to Work to\\nDoD# 0863 |I\\'d be a squid if I could afford the bike... |Flame to\\nryan.cousineau@compdyn.questor.org | Vancouver, BC, Canada |Live . . .\\n\\n\\n * SLMR 2.1a * If you aren\\'t sliding, you aren\\'t riding.\\n \\n----\\n+===============================================================+\\n|COMPUTER DYNAMICS BBS 604-255-9937(HST) 604-986-9937(V32)|\\n|Vancouver, BC, Canada - Easy Access, Low Rates, Friendly Sysop|\\n+===============================================================+\\n',\n", + " 'From: mcorbin@oucsace.cs.ohiou.edu (Max Corbin)\\nSubject: 1-bit A/D converter\\nOrganization: Ohio University CS Dept,. Athens\\nLines: 14\\n\\nOnce upon a time, long long ago in this news group, someone\\nposted a schematic for a 1-bit A/D converter. Well I just found a use\\nfor the little monster. Anyone out there still got this text file?\\nIt had a flip-flop, a resistor and a cap, and a comparator/op-amp I \\nthink. I would be extremely thankful to anyone who could mail me the \\nschematic or post it to the news-group.\\n\\n\\n\\n-- \\n+-----+---\\\\ +-----+ \\tO O \\tBeware the light at the end of the\\n| | | | -- >| ---+\\t +\\ttunnel. It may be an oncoming Dragon.\\n+-+-+-+---/ +-----+ \\\\_/\\n M \\t D C\\t U mcorbin@oucsace.cs.ohiou.edu\\n',\n", + " 'From: pgf@srl03.cacs.usl.edu (Phil G. Fraering)\\nSubject: Re: Comet in Temporary Orbit Around Jupiter?\\nOrganization: Univ. of Southwestern Louisiana\\nLines: 28\\n\\nmsb@sq.sq.com (Mark Brader) writes:\\n\\n\\n>Thanks again. One final question. The name Gehrels wasn\\'t known to\\n>me before this thread came up, but the May issue of Scientific American\\n>has an article about the \"Inconstant Cosmos\", with a photo of Neil\\n>Gehrels, project scientist for NASA\\'s Compton Gamma Ray Observatory.\\n>Same person?\\n\\nNo. I estimate a 99 % probability the Gehrels referred to\\nis Thomas Gehrels of the Spacewatch project, Kitt Peak observatory.\\n\\nMaybe in the 24th century they could do gamma ray spectroscopy on\\ndistant asteroids with an orbiting observatory, but here in the\\nprimitive 20th we have to send a probe there to get gamma ray\\nspectroscopy done.\\n\\n>Mark Brader, SoftQuad Inc., Toronto\\t\"Information! ... We want information!\"\\n>utzoo!sq!msb, msb@sq.com\\t\\t\\t\\t-- The Prisoner\\n\\nYou have the info on Mayan Television yet?\\n\\n>This article is in the public domain.\\n--\\nPhil Fraering |\"Seems like every day we find out all sorts of stuff.\\npgf@srl02.cacs.usl.edu|Like how the ancient Mayans had televison.\" Repo Man\\n\\n\\n',\n", + " \"From: cshi@cs.ulowell.edu (Godada Shi)\\nSubject: Re: GULF WAR II: THE MEDIA OFFENSIVE\\nOrganization: UMass-Lowell Computer Science\\nLines: 14\\n\\nIn article <1993May6.014049.7349@seas.smu.edu> pts@seas.smu.edu (Paul Thompson Schreiber) writes:\\n> \\n> GULF WAR II: THE MEDIA OFFENSIVE\\n> ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\\n> By Douglas Kellner\\n> Lies Of Our Times, May 1993\\nGulf has changed the third parts's perception of Arabs.\\n1. Before, people tended to think Arabs have tough character. After seeing\\nIraqis begging for surrender, people do not gave Arabs much weight.\\n2. People tended to think Arabs are a united people in fighting Isrealis.\\nAfter Gulf War, seeing some Arab nations beated up Iraqis in order to\\nwaiver the debt to U.S. and Kuwaitis consistly trying to draw West nations\\nto hit Iraq again, people started to see Arab World as a dog cage, echoing\\nsound of barking.\\n\",\n", + " 'From: landis@stsci.edu (Robert Landis,S202,,)\\nSubject: Re: Soviet Space Book\\nReply-To: landis@stsci.edu\\nOrganization: Space Telescope Science Institute, Baltimore MD\\nLines: 9\\n\\nWhat in blazes is going on with Wayne Matson and gang\\ndown in Alabama? I also heard an unconfirmed rumor that\\nAerospace Ambassadors have disappeared. Can anyone else\\nconfirm??\\n\\n++Rob Landis\\n STScI, Baltimore, MD\\n\\n\\n',\n", + " 'From: rcmolden@parmesan.cs.wisc.edu (Robertc. Moldenhauer)\\nSubject: Re: Saudi clergy condemns debut of human rights group!\\nKeywords: international, non-usa government, government, civil rights, \\tsocial issues, politics\\nOrganization: University of Wisconsin, Madison -- Computer Sciences Dept.\\nLines: 38\\n\\nIn article <39898@optima.cs.arizona.edu> bakken@cs.arizona.edu (Dave Bakken) writes:\\n>In article benali@alcor.concordia.ca ( ILYESS B. BDIRA ) writes:\\n>>It looks like Ben Baz\\'s mind and heart are also blind, not only his eyes.\\n>>I used to respect him, today I lost the minimal amount of respect that\\n>>I struggled to keep for him.\\n>>To All Muslim netters: This is the same guy who gave a \"Fatwah\" that\\n>>Saudi Arabia can be used by the United Ststes to attack Iraq . \\n>\\n>They were attacking the Iraqis to drive them out of Kuwait,\\n>a country whose citizens have close blood and business ties\\n>to Saudi citizens. And me thinks if the US had not helped out\\n>the Iraqis would have swallowed Saudi Arabia, too (or at \\n>least the eastern oilfields). And no Muslim country was doing\\n>much of anything to help liberate Kuwait and protect Saudi\\n>Arabia; indeed, in some masses of citizens were demonstrating\\n>in favor of that butcher Saddam (who killed lotsa Muslims),\\n>just because he was killing, raping, and looting relatively\\n>rich Muslims and also thumbing his nose at the West.\\n\\nThe whole \"saddam is going to invade Saudi Arabia\" was nothing but US State\\nDepartment propeganda. Saddam (and Iraq in general) never recognised the \\nBritish created Kuwait. They were trying to recover land they believed\\nwas theirs, much like the Argentines in the Faulklands. The Kuwaitis pushed\\njust a little too far by taking Iraqi oil and Saddam thought he\\'d settle\\nthe dispute the old fashioned way...\\nEverybody would have been much better off had they left the reunited Iraq\\ntogether and concentrated on taking out Saddam. A strong, united Iraq with\\nan elected government would have gone a long way to ridding the world of\\nthe feudal dictatorships in the Gulf.\\nBut of course a weak divided Arab people better suits US foriegn policy...\\n\\nThe US had no problem killing tens of thousands of ill-equipted Iraqi soldiers,\\nincluding burying several thousand alive and slaughtering retreating batallions\\nfrom the air in defense of Kuwaiti oil, but it has yet to lift a finger against\\nBosnian Serbs while they slaughter Bosnian muslims....\\n\\n\\n\\n',\n", + " \"From: Lauger@ssdgwy.mdc.com (John Lauger)\\nSubject: Imitrex and heart attacks?\\nOrganization: McDonnell Douglas Aerospace\\nLines: 20\\nDistribution: world\\nNNTP-Posting-Host: q5020598.mdc.com\\n\\nMy girlfriend just started taking Imitrex for her migraine headaches. Her\\nneurologist diagnosed her as having depression and suffering from rebound\\nheadaches due to daily doses of analgesics. She stopped taking all\\nanalgesics and caffine as of last Thursday (4/15). The weekend was pretty\\nbad, but she made it through with the help of Imitrex about every 18 hours.\\n Her third injection of Imitrex, during the worst of the withdrawl on\\nFriday and six hours after the first of the day, left her very sick. Skin\\nwas flushed, sweating, vomiting and had severe headache pain. It subsided\\nin an hour or so. Since then, she has been taking Imitrex as needed to\\ncontrol the pain. Immediately after taking it, she has increased head pain\\nfor ten minutes, dizziness and mild nausea and mild chest pains. A friend\\nof hers mentioned that her doctor was wary of Imitrex because it had caused\\nheart attacks in several people. Apparently the mild chest pains were\\ncommon in these other people prior to there attacks. Is this just rumor? \\nHas anyone else heard of these symptoms? My girlfriend also has Mitral\\nValve Prolapse.\\n\\nOpinions are mine or others but definately not MDA's!\\nLauger@ssdgwy.mdc.com\\nMcDonnell Douglas Aerospace, Huntington Beach, California, USA\\n\",\n", + " 'From: cdt@sw.stratus.com (C. D. Tavares)\\nSubject: Re: WACO burning\\nOrganization: Stratus Computer, Inc.\\nLines: 23\\nDistribution: world\\nNNTP-Posting-Host: rocket.sw.stratus.com\\n\\nIn article , hallam@dscomsa.desy.de (Phill Hallam-Baker) writes:\\n\\n> No Koresh is responsible.\\n> \\n> If a murderer goes on the rampage it is the murderer who is responsible.\\n\\nram.page, n.: To move about wildly or violently. A course of frenzied,\\nviolent action.\\n\\nWho assaulted who here, Phill? Do you remember exactly which side came \\nout looking for trouble?\\n\\n> The police may bear responsiblity for failing to stop him but the primary\\n> responsibility is with the murderer.\\n\\nSo if it turns out that the fire WAS caused by a tank knocking over a\\nColeman lantern, you\\'ll support punishing the \"responsible\" people, Phill?\\nOr will you find then find a different reason to hang it all on Koresh?\\n-- \\n\\ncdt@rocket.sw.stratus.com --If you believe that I speak for my company,\\nOR cdt@vos.stratus.com write today for my special Investors\\' Packet...\\n\\n',\n", + " 'From: mccall@mksol.dseg.ti.com (fred j mccall 575-3539)\\nSubject: Re: leaking memory resources in 3.1\\nOrganization: Texas Instruments Inc\\nLines: 65\\n\\nIn <29APR199309371113@bpavms.bpa.arizona.edu> dmittleman@bpavms.bpa.arizona.edu (Daniel Mittleman) writes:\\n\\n> This may be an FAQ (if so, please direct me to the known answer) but I\\n> am getting frustrated and looking for help.\\n\\n> I am running Win 3.1 with NDW 2.2 on a 486sx with 8 meg of memory and a\\n> 6 meg perm swap file and am getting exceedingly frustrated that my\\n> applications are not giving back system resources when I close them.\\n\\n> I am aware this is a known problem; what I am looking for are some\\n> suggestions of what I might do to mitigate it. \\n\\n> 1. What software is the culprit? Win 3.1, NDW, my applications? Are\\n> some modes of Win 3.1 (standard, real, enhanced) better than others at\\n> plugging this leak?\\n\\nIt\\'s the applications that do this. Unfortunately, even the applets\\nthat ship with Win31 seem to have this problem (I\\'ve seen it in\\nSolitaire, for example). \\n\\n> 2. Are their system.ini switches i can set to help plug this leak?\\n\\nNone that I know of. If an application doesn\\'t give back the\\nresources, they are lost and gone forever, pending a restart of\\nWindows. \\n\\n> 3. Do people know of patches or third party software that help with\\n> this? Seems like increasing or better managing system resources is a\\n> great market for a third party memory company like QEMM.\\n\\nIf the applications don\\'t free up the memory (and a lot of them\\ndon\\'t), there\\'s bugger all that any other piece of software can do\\nabout it.\\n\\n> 4. If I run Progman instead of NDW will the leak subside? (I was\\n> hoping that NDW 2.2 would have plugged this, but it seems no different\\n> than 2.0 in how it deals with memory and resources.)\\n\\nNo. This is a problem with the applications, usually.\\n\\n> 5. When I am writing VB code are there things I can do to make it less\\n> likely my code will eat resources?\\n\\nThere are books written on this one. In general, just be sure to free\\nup everything that you ask for before you exit. Unfortunately, I\\nunderstand that VB will *internally* lose resources for you, so\\nthere\\'s no way to avoid this entirely.\\n\\n> 6. Any other suggestions that I don\\'t know enough to ask for\\n> specifically?\\n\\n> Thanks for your help. As this is a common problem and I have seen only\\n> a little discussion of it on the net there are probably others who\\n> would like to read answers so please publish here rather than sending\\n> me email.\\n\\nThere\\'s little discussion because it\\'s \\'inevitable\\' until MS manages\\nto come up with an OS that will do garbage collection or something on\\nthe resource pool.\\n\\n-- \\n\"Insisting on perfect safety is for people who don\\'t have the balls to live\\n in the real world.\" -- Mary Shafer, NASA Ames Dryden\\n------------------------------------------------------------------------------\\nFred.McCall@dseg.ti.com - I don\\'t speak for others and they don\\'t speak for me.\\n',\n", + " 'From: topcat!tom@tredysvr.tredydev.unisys.com (Tom Albrecht)\\nSubject: Re: old vs. new testament\\nOrganization: Applied Presuppositionalism, Ltd.\\nLines: 39\\n\\nREXLEX@fnal.fnal.gov writes:\\n\\n>We can jillustrate this by pointing to the way God administers His judgment. \\n>In the OT, sins were not forgiven, but rather covered up. In the age of the\\n>Church not only are sins forgiven (taken away), but the power of SIN is put to\\n>death. ...\\n\\nMy, this distinction seems quite arbitrary.\\n\\n Blessed is the man whose iniquities are forgiven, whose sin is covered.\\n (Ps. 32:1).\\n\\nand quoted by the apostle Paul:\\n\\n Even as David also describeth the blessedness of the man, unto whom God\\n imputeth righteousness without works,\\n Saying, Blessed are they whose iniquities are forgiven, and whose sins\\n are covered.\\n Blessed is the man to whom the Lord will not impute sin. (Rom. 4:6-8)\\n\\nThe biblical perspective seems to be that foregiveness and covering are\\nparallel/equivalent concepts in both testaments. The dispensational\\ndistinction is unwarranted.\\n\\n> During the millenium, we read that sins are dealt with immediately\\n>under the present (ie that Christ is present on earth) rulership of Christ.\\n\\nI\\'m sure Rex has Scripture to back this up. You\\'re suggesting Jesus is\\ngoing to travel around dealing with individual violations of His law -- for\\nmillions perhaps billions of people. Such activity for Moses the lawgiver\\nwas considered unwise (cf. Ex. 18:13ff). It makes for interesting\\nspeculation, though.\\n\\nI\\'ll leave comments on the so-called \"bema seat\" vs. \"throne\" judgments to\\nsomeone else. This also seems like more unnecessary divisions ala\\ndispensationalism.\\n\\n--\\nTom Albrecht\\n',\n", + " \"From: brentb@tamsun.tamu.edu (Brent)\\nSubject: Re: Please Recommend 3D Graphics Library For Mac.\\nOrganization: Texas A&M Univ., Inc.\\nLines: 44\\nNNTP-Posting-Host: tamsun.tamu.edu\\n\\ntsa@cellar.org (The Silent Assassin) writes:\\n>rgc3679@bcstec.ca.boeing.com (Robert G. Carpenter) writes:\\n>\\n>> Can you please offer some recommendations?\\n>\\n>It's really not that hard to do. There are books out there which explain\\n>everything, and the basic 3D functions, translation, rotation, shading, and\\n>hidden line removal are pretty easy. I wrote a program in a few weeks witht\\n>he help of a book, and would be happy to give you my source.\\n\\nI think he wanted to avoid reinventing the wheel.\\nI would suggest that you take your code, and submit it to\\ncomp.sys.mac.binaries to be distributed (including to the ftp sites). \\nMany folks, myself included, would enjoy the extra code.\\n\\n>\\tAlso, Quickdraw has a lot of 3D functions built in, and Think pascal\\n>can access them, and I would expect that THINK C could as well. If you can\\n>find out how to use the Quickdraw graphics library, it would be an excellent\\n>choice, since it has a lot of stuff, and is built into the Mac, so should be\\n>fast.\\n\\nJust to clarify, the 3D routines that are mentioned in various places\\non the mac are in a libray, not the ROM of the mac. A few years ago before\\nI knew anything about implementing graphics, I came across a demo of the\\nApple GrafSys3D library and it actually did a lot. However, it is quite\\nlimited in the sense that it's a low-level 3D library; your code still has\\nto plot individual points, draw each line, etc ad nauseum. It has nothing\\non GL, for example, where you can handle objects.\\n\\nOther things to consider when talking about Apple's old 3D GrafSys library:\\n\\n* Unsupported; never was and no plans exist to do so in the future\\n\\n* Undocumented; unless you call header files documentation...\\n\\nIf one knows something about graphics, you could probably figure it out,\\nbut I'd assume there's better software available that gives better\\noutput and is, at the same time, programmatically nicer (i.e. easier to\\nprogram).\\n\\nJust my 2% tax\\n\\n-Brent\\n\\n\",\n", + " 'From: fwr8bv@fin.af.MIL\\nSubject: xdm and env. vars\\nOrganization: The Internet\\nLines: 27\\nNNTP-Posting-Host: enterpoop.mit.edu\\nTo: xpert%expo.lcs.mit.edu@fin.lcs.mit.edu\\n\\nHi,\\n\\nI am using xdm on X11R5 with OW3 and Xview3 on Sun3s and SPARCs running \\nSunOS 4.1.1. Prior to using xdm, I used to set PATH and other environment\\nvariables (like MANPATH, HELPPATH, ARCH, etc) in my .login file. With xdm,\\nthe .login file doesn\\'t get executed and therefore neither the olwm\\nroot-window nor my applications know about these variables.\\n\\nI used the \"DisplayManager._0.userPath\" resource in /usr/lib/X11/xdm/xdm-config\\nto succesfully pass the PATH variable. But I am having problems passing anything else!!! I tried execing $HOME/.login in /usr/lib/X11/xdm/Xsession\\nbut that didn\\'t help. I also tried using\\n\\t\"DisplayManager.exportList: HELPPATH MANPATH ARCH\"\\nwhich didn\\'t work either.\\n\\nI would appreciate any help on this matter.\\n\\nThanks in advance,\\nShash\\n\\n+-----------------------------------------------------------------------------+\\n+ Shash Chatterjee EMAIL: fwr8bv@fin.af.mil +\\n+ EC Software PHONE: (817) 763-1495 +\\n+ Lockheed Fort Worth Company FAX: (817) 777-2115 +\\n+ P.O. Box 748, MZ1719 +\\n+ Ft. Worth, TX 76101 +\\n+-----------------------------------------------------------------------------+\\n\\n',\n", + " 'From: thouchin@cs.umr.edu (T. J. Houchin)\\nSubject: FOR SALE: Paradise SVGA accelerator card\\nArticle-I.D.: umr.1993Apr17.080644.2922\\nDistribution: usa\\nOrganization: University of Missouri - Rolla\\nLines: 13\\nNntp-Posting-Host: mcs213c.cs.umr.edu\\nOriginator: thouchin@mcs213c.cs.umr.edu\\n\\nFOR SALE:\\n\\tParadise SVGA accelerator card\\n\\t-800x600x32768\\n\\t-1240x1024x16\\n\\t-up to 15 times faster than vga\\n\\t-manual, drivers\\n\\t-used for 5 months, perfect condition\\n\\t-WD chipset\\n\\n $120 OBO\\n\\nfor more info THOUCHIN@CS.UMR.EDU\\nT.J. HOUCHIN\\n',\n", + " 'From: sbonsib@data.cac.stratus.com (Steve Bonsib)\\nSubject: After market sunroofs (power moonroof BIG $ type) who makes the best?\\nKeywords: sunroof\\nArticle-I.D.: transfer.1rhmg5$t55\\nOrganization: Stratus Computer Inc, Marlboro MA\\nLines: 16\\nNNTP-Posting-Host: data.cac.stratus.com\\n\\nHello all,\\n\\nI know that after market sunroofs may have left a bad taste in some of \\nyour mouths, but I am really interested in finding a \"good\" brand if one \\nexists. Please let me know if you have heard of any makers with a good\\nreputation (few failures, no leaks, that sort of thing) and whether or\\nnot you have had first hand experience with that manufacturer. Who is\\ngenerally regarded in the industry as the \"best\" (price no object) maker \\nof power sunroofs?? \\n\\n--Steve\\n\\n----------------------------------------------------------------------\\nSteve Bonsib \\t\\t\\t| reply to: sbonsib@cac.stratus.com\\nStratus Computer \\t\\t| \\nMarlboro MA \\t\\t\\t| \\n',\n", + " \"Subject: Re: Albert Sabin\\nFrom: lippard@skyblu.ccit.arizona.edu (James J. Lippard)\\nDistribution: world,local\\nOrganization: University of Arizona\\nNntp-Posting-Host: skyblu.ccit.arizona.edu\\nNews-Software: VAX/VMS VNEWS 1.41 \\nLines: 53\\n\\nIn article , rfox@charlie.usd.edu writes...\\n>In article <1993Apr15.225657.17804@rambo.atlanta.dg.com>, wpr@atlanta.dg.com (Bill Rawlins) writes:\\n>>|> >|> \\n>>|> However, one highly biased account (as well as possibly internally \\n>>|> inconsistent) written over 2 mellenia ago, in a dead language, by fanatic\\n>>|> devotees of the creature in question which is not supported by other more \\n>>|> objective sources and isnt even accepted by those who's messiah this creature \\n>>|> was supposed to be, doesn't convince me in the slightest, especially when many\\n>>|> of the current day devotees appear brainwashed into believing this pile of \\n>>|> guano...\\n>>\\n>> Since you have referred to the Messiah, I assume you are referring\\n>> to the New Testament. Please detail your complaints or e-mail if\\n>> you don't want to post. First-century Greek is well-known and\\n>> well-understood. Have you considered Josephus, the Jewish Historian,\\n>> who also wrote of Jesus? In addition, the four gospel accounts\\n>> are very much in harmony. \\n> \\n>Bill, I have taken the time to explain that biblical scholars consider the\\n>Josephus reference to be an early Christian insert. By biblical scholar I mean\\n>an expert who, in the course of his or her research, is willing to let the\\n>chips fall where they may. This excludes literalists, who may otherwise be\\n>defined as biblical apologists. They find what they want to find. They are\\n>not trustworthy by scholarly standards (and others).\\n> \\n>Why an insert? Read it - I have, a number of times. The passage is glaringly\\n>out of context, and Josephus, a superb writer, had no such problem elsewhere \\n>in his work. The passage has *nothing* to do with the subject matter in which \\n>it lies. It suddenly appears and then just as quickly disappears.\\n\\nI think this is a weak argument. The fact is, there are *two* references to\\nJesus in _Antiquities of the Jews_, one of which has unquestionably at least\\nbeen altered by Christians. Origen wrote, in the third century, that\\nJosephus did not recognize Jesus as the Messiah, while the long passage\\nsays the opposite. There is an Arabic manuscript of _Antiquities of the\\nJews_ which contains a version of the passage which is much less gung-ho\\nfor Jesus and may be authentic.\\n There is no question that Origen, in the third century, saw a reference\\nto Jesus in Josephus. There are no manuscripts of _Antiquities_ which\\nlack the references.\\n\\nIt is possible that it was fabricated out of whole cloth and inserted, but\\nI don't think it's very likely--nor do I think there is a consensus in\\nthe scholarly community that this is the case. (I know G.A. Wells takes\\nthis position, but that's because he takes the very small minority view\\nthat Jesus never existed. And he is a professor of German, not of\\nbiblical history or New Testament or anything directly relevant to\\nthe historicity of Jesus.)\\n\\nJim Lippard Lippard@CCIT.ARIZONA.EDU\\nDept. of Philosophy Lippard@ARIZVMS.BITNET\\nUniversity of Arizona\\nTucson, AZ 85721\\n\",\n", + " 'From: keith@cco.caltech.edu (Keith Allan Schneider)\\nSubject: Re: Morality? (was Re: >So, you are saying that it isn\\'t possible for an instinctive act\\n>>to be moral one? That is, in order for an act to be an act of morality,\\n>>the person must consider the immoral action but then disregard it?\\n>No, I\\'m saying that in order for an act to be moral or immoral, somebody/\\n>someone/something must _consider_ it to be so. That implies intelligence,\\n>not instinct.\\n\\nWho has to consider it? The being that does the action? I\\'m still\\nnot sure I know what you are trying to say.\\n\\nkeith\\n',\n", + " 'From: gt2617c@prism.gatech.EDU (Brad Smalling)\\nSubject: Re: Challenge to Microsoft supporters.\\nOrganization: Georgia Institute of Technology\\nLines: 30\\n\\nIn article <1993May1.211741.25086@wam.umd.edu> rsrodger@wam.umd.edu (Yamanari)\\nwrites:\\n>In article bferrell@ant.occ.uc.edu (Brett Ferrell)\\nwrites:\\n>>In article <1993May1.154707.10177@hubcap.clemson.edu> ludes@hubcap.clemson.edu\\n(Larry \"Ludes\" Ludwig) writes:\\n>\\n>> and not being able to adress your memory better than DOS,\\n>\\n>\\tNot sure what you mean here. OS/2 sees 16 megs, uses 5 or six\\n>\\tof these for it\\'s own use (more if you want to count WinOS/2). \\n>\\tWindows sees 16 megs, uses 3 or 4 (more like 5 if you count the\\n>\\tdisk cache as I am for OS/2) for itself. If memory efficiency \\n>\\twere a big issue, PC GEOS would be the current king of the \\n>\\tIntel desktop.\\n\\nI assumed he was referring to OS/2\\'s 32-bit flat model addressing while DOS\\n(and therefore Windows) use 20-bit segmented addressing. As a programmer, I\\nagree that segmentation unnecessarily complicates things. It\\'s annoying, too.\\nBut when just a Windows user, I don\\'t think about it much. And, I doubt many\\nother people think about it (or even care) when just writing a document,\\ncalcing a spreadsheet, etc...It works and they get their work done.\\n\\nJust a neutral comment:\\nIt\\'s funny, I think, how arguments about Windows vs OS/2 sound so very\\nsimilar to arguments about Atheism vs Christianity or something like that.\\nIt\\'s somehow very personal to people. Convictions are irrational and\\nthere\\'s nothing wrong with that--it\\'s just...interesting.\\n-- \\nBrad Smalling :: Jr.EE :: GA Tech :: Atlanta, GA :: gt2617c@prism.gatech.edu\\n',\n", + " 'From: arnie@magnus.acs.ohio-state.edu (Arnie Skurow)\\nSubject: Re: Live Free, but Quietly, or Die\\nArticle-I.D.: magnus.1993Apr6.184322.18666\\nOrganization: The Ohio State University\\nLines: 14\\nNntp-Posting-Host: bottom.magnus.acs.ohio-state.edu\\n\\nIn article Russell.P.Hughes@dartmouth.edu (R\\nussell P. Hughes) writes:\\n>What a great day! Got back home last night from some fantastic skiing\\n>in Colorado, and put the battery back in the FXSTC. Cleaned the plugs,\\n>opened up the petcock, waited a minute, hit the starter, and bingo it\\n>started up like a charm! Spent a restless night anticipating the first\\n>ride du saison, and off I went this morning to get my state inspection\\n>done. Now my bike is stock (so far) except for HD slash-cut pipes, and\\n ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\\nTherein lies the rub. The HD slash cut, or baloney cuts as some call\\nthem, ARE NOT STOCK mufflers. They\\'re sold for \"off-road use only,\"\\nand are much louder than stock mufflers.\\n\\nArnie\\n',\n", + " \"From: melons@vnet.IBM.COM (Mike Magil)\\nSubject: Re: rejoinder. Questions to Israelis\\nLines: 48\\n\\n>From: bc744@cleveland.Freenet.Edu (Mark Ira Kaufman)\\n>Newsgroups: talk.politics.mideast\\n>Subject: Re: rejoinder. Questions to Israelis\\n>Date: 23 Apr 1993 12:55:47 GMT\\n>Organization: Case Western Reserve University, Cleveland, Ohio (USA)\\n>\\n>\\n> Although I realize that principle is not one of your strongest\\n>points, I would still like to know why do do not ask any question\\n>of this sort about the Arab countries.\\n>\\n> If you want to continue this think tank charade of yours, your\\n>fixation on Israel must stop. You might have to start asking the\\n>same sort of questions of Arab countries as well. You realize it\\n>would not work, as the Arab countries' treatment of Jews over the\\n>last several decades is so bad that your fixation on Israel would\\n>begin to look like the biased attack that it is.\\n>\\n> Everyone in this group recognizes that your stupid 'Center for\\n>Policy Research' is nothing more than a fancy name for some bigot\\n>who hates Israel.\\n>\\n> Why don't you try being honest about your hatred of Israel? I\\n>have heard that your family once lived in Israel, but the members\\n>of your family could not cut the competition there. Is this true\\n>about your family? Is this true about you? Is this actually not\\n>about Israel, but is really a personal vendetta? Why are you not\\n>the least bit objective about Israel? Do you think that the name\\n>of your phony-baloney center hides your bias in the least? Get a\\n>clue, Mr. Davidsson. Haven't you realized yet that when you post\\n>such stupidity in this group, you are going to incur answers from\\n>people who are armed with the truth? Haven't you realized that a\\n>piece of selective data here and a piece there does not make up a\\n>truth? Haven't you realized that you are in over your head? The\\n>people who read this group are not as stupid as you would hope or\\n>need them to be. This is not the place for such pseudo-analysis.\\n>You will be continually ripped to shreds, until you start to show\\n>some regard for objectivity. Or you can continue to show what an\\n>anti-Israel zealot you are, trying to disguise your bias behind a\\n>pompous name like the 'Center for Policy Research.' You ought to\\n>know that you are a laughing stock, your 'Center' is considered a\\n>joke, and until you either go away, or make at least some attempt\\n>to be objective, you will have a place of honor among the clowns,\\n>bigots, and idiots of Usenet.\\n\\nI couldn't have said it better, Mark!\\n\\n- Mike.\\n\",\n", + " \"From: mirsky@hal.gnu.ai.mit.edu (David Joshua Mirsky)\\nSubject: Re: Desktop rebuild and Datadesk keyboard?\\nOrganization: dis\\nLines: 30\\nNNTP-Posting-Host: hal.ai.mit.edu\\n\\nIn article tthiel@cs.uiuc.edu (Terry Thiel) writes:\\n>Ijust got a new Datadesk 101E keyboard to go with my new Centris 610 and have a\\n>problem doing desktop rebuilds. I hold down the Command and Option keys and\\n>restart but nothing happens. The DIP switches are set the right way and the\\n>Command and Option keys seem to work on anything else. I'm running 7.1 btw.\\n>Anyone know what the problem is?\\n>-Terry\\n\\n\\nTerry, hi. I recently bought an LCIII and a Datadesk 101E. I can't\\nremember trying to rebuild the desktop with it, however it did give me\\na strange problem. When I held down shift during startup to disable\\nall extensions, nothing happened. I tried it with another keyboard, using\\nthe same adb connector cable- and it worked with the other keyboard.\\nThe shift key on the Datadesk keyboard worked well otherwise. I checked\\nthe dipswitches and they are fine. Try disabling your extensions and tell\\nme if it works.\\n\\nI am annoyed with Datadesk. I sent them the keyboard in the mail for\\ninspection/repair/replacement. The technician on the phone said they\\nhave a 10-14 day turn around time- meaning you should receive the\\ninspected/repaired keyboard in that time. Well, they have had the\\nkeyboard for over 3 weeks and I still have gotten very little info\\nfrom them about it. It's annoying because it cost me $12 to send them\\nthe keyboard (they do not refund the money) and their costumer service\\nlines are toll calls. Tell me if you have a similar experience.\\n\\n-David\\n\\nmirsky@gnu.ai.mit.edu\\n\",\n", + " 'From: howland@noc2.arc.nasa.gov (Curt Howland)\\nSubject: Re: Another question about synthetic engi\\nArticle-I.D.: news.1993Apr6.020533.6165\\nDistribution: usa\\nOrganization: NASA Science Internet Project Office\\nLines: 21\\n\\nIn article <1993Apr5.133542.19077@porthos.cc.bellcore.com>, \\nfist@iscp.bellcore.com (Richard Pierson) writes:\\n\\n|> Two years ago he went to work for CONRAIL as a mechanic.\\n|> On the EMD and GE power units (train engines) they NEVER\\n|> EVER change the oil, just the filters\\n\\nI remember seeing an artical on large-engine oil \\nrequirements, and one of the ways of prolonging\\nthe life of the oil was to run through a heated\\nun-presurized chamber to allow water and volitiles\\nto boil off. This made such long-term usage of \\noil practical.\\n\\nIsn\\'t the Discovery channel great!?!\\n\\n---\\nCurt Howland \"Ace\" DoD#0663 EFF#569\\nhowland@nsipo.nasa.gov \\'82 V45 Sabre\\n Meddle not in the afairs of Wizards,\\n for it makes them soggy and hard to re-light.\\n',\n", + " 'From: gtd597a@prism.gatech.EDU (Hrivnak)\\nSubject: Re: NHL LETTER (***QUITE LONG***)\\nOrganization: Georgia Institute of Technology\\nLines: 17\\n\\nIn article <1993Apr26.054446.29764@sol.ctr.columbia.edu> phoenix@startide.ctr.columbia.edu (Ali Lemer) writes:\\n>Ali \"Procrastination\" Lemer || \"I gave [NHL Commissioner Gary Bettman] a puck\\n>Columbia University (NYC) || once. He spent the rest of the day trying to \\n>phoenix@ctr.columbia.edu || open it.\" -- Pat Williams, GM, Orlando Magic\\n>***************** BE KIND TO ANIMALS...HUG A HOCKEY PLAYER! *******************\\n\\n\\tNice sig. Like the change. \\n\\tBTW: Could you post the names of the people who are going to be on the\\nletter? I (and I\\'m sure others) would like to know if we are included. If I\\'m\\nnot I want to be! Roger is a fool!\\n\\n\\t\\n-- \\nGO SKINS! ||\"Now for the next question... Does emotional music have quite\\nGO BRAVES! || an effect on you?\" - Mike Patton, Faith No More \\nGO HORNETS! ||\\nGO CAPITALS! ||Mike Friedman (Hrivnak fan!) Internet: gtd597a@prism.gatech.edu\\n',\n", + " \"From: richk@grebyn.com (Richard Krehbiel)\\nSubject: Re: IDE vs SCSI\\nIn-Reply-To: bgrubb@dante.nmsu.edu's message of 18 Apr 1993 19:30:47 GMT\\nLines: 14\\nOrganization: Grebyn Timesharing, Inc.\\n\\nIn article <1qsa97INNm7b@dns1.NMSU.Edu> bgrubb@dante.nmsu.edu (GRUBB) writes:\\n\\n> richk@grebyn.com (Richard Krehbiel) writes:\\n> [Stuff about the connection between IDE and IDA deleated]\\n> >8MHz clock, 16 bit width, 5MB/sec.\\n> If IDE speed come from IDA WHERE does the 8.3MB/s sighted for IDE\\n> come from?\\n\\nWell, some quick math on my part shows that an 8.3MHz bus, 16 bits\\nwide, performing a transfer every two clock cycles will provide 8.3M\\nbytes/sec. Someone said that it really takes 3 clock cycles to\\nperform a transfer, so that reduces the transfer rate to 5.5MB/s,\\nwhich is the commonly-used figure for ISA bus speed. However, I\\nbelieve a two-clock transfer is possible (0 wait states).\\n-- \\nRichard Krehbiel richk@grebyn.com\\nOS/2 2.0 will do for me until AmigaDOS for the 386 comes along...\\n\",\n", + " \"From: pcolmer@acorn.co.uk (Philip Colmer)\\nSubject: Re: Capturing screen shots?\\nOrganization: Acorn Computers Ltd, Cambridge, England\\nLines: 17\\n\\nIn article <23712@acorn.co.uk> I wrote:\\n\\n>I am trying to capture some 256-colour screenshots from Windows. Currently\\n>I have tried pressing 'Print screen' to copy the screen to the clipboard\\n>then paste the clipboard into the Windows paint package.\\n\\n Many thanks for the replies I received to this. A couple of people\\nsuggested how I could get the paint package to work properly, but in the\\nend I took the advice of someone else to try Paintshop Pro from\\ncica.indiana.edu.\\n\\n Thanks again.\\n\\n--Philip\\n\\n---------------------------------------------------------------------\\n Practice random kindness and senseless acts of beauty\\n\",\n", + " 'From: arc@leland.Stanford.EDU (Andrew Richard Conway)\\nSubject: Re: text of White House announcement and Q&As on clipper chip encryption\\nOrganization: DSG, Stanford University, CA 94305, USA\\nLines: 94\\n\\nIn article <1qmugcINNpu9@gap.caltech.edu> hal@cco.caltech.edu (Hal Finney) writes:\\n>The key question is whether non-Clipper encryption will be made illegal.\\n>\\n>> The Administration is not saying, \"since encryption\\n>> threatens the public safety and effective law enforcement,\\n>> we will prohibit it outright\" (as some countries have\\n>> effectively done); nor is the U.S. saying that \"every\\n\\nDoes anyone know what countries are these?\\n\\n>> American, as a matter of right, is entitled to an\\n>> unbreakable commercial encryption product.\" There is a\\n>> false \"tension\" created in the assessment that this issue is\\n>> an \"either-or\" proposition. Rather, both concerns can be,\\n>> and in fact are, harmoniously balanced through a reasoned,\\n>> balanced approach such as is proposed with the \"Clipper\\n>> Chip\" and similar encryption techniques.\\n>\\n>The clear middle ground implied by these statements is to say that Americans\\n>have the right to Clipper encryption, but not to unbreakable encryption.\\n>This implies that, ultimately, non-Clipper strong encryption must become\\n>illegal.\\n\\nWith the following logical consequences\\n\\t(a) Using any code designed to obscure informatio which is \\n\\t not easily breakable will be illegal, including\\n\\t\\t(i) Using code words such as ``Project P5\\'\\'\\n\\t\\t(ii) Speaking a language other than English\\n\\t\\t(iii) Ever refering implicitly to events not known to\\n\\t\\t\\teveryone, eg\\n\\t\\t\\t\"Hi John. How was last night?\"\\n\\t\\t For all the listener knows, this may be a code for\\n\\t\\t\\t\"Did you pick up the drugs OK last night?\"\\n\\t\\t of be a code for\\n\\t\\t \"OK. We blow up the Pentagon at midnight.\"\\n\\t\\t(iv) Mentioning anything that could not be perfectly\\n\\t\\t understood by an average person with no education.\\n\\t\\t(v) Words with more than one syllable.\\n\\t\\t(vi) Speaking with a heavy accent that could bemisunderstood\\n\\t\\t by people not used to it.\\n\\t\\t(vii) books with an \"Inner meaning\"...such\\n\\t\\t as \"Animal Farm\".\\n\\n>(As an aside, isn\\'t the language here jarring? All this talk about\\n>\"harmonious balance\" when they\\'re talking about taking away people\\'s\\n>right to communications privacy?)\\n\\nYes.\\n\\n>It looks like the worst nightmares raised by Dorothy Denning\\'s proposals\\n>are coming true. If the government continues on this course, I imagine\\n>that we will see strong cryptography made illegal. Encryption programs\\n>for disk files and email, as well as software to allow for encrypted\\n>voice communications, will be distributed only through the\\n>\"underground\". People will have to learn how to hide the fact that\\n>they are protecting their privacy.\\n\\nI have a wonderful encrypter you can borrow that converts a message\\neg \"Meet me at 11:30 to bomb the White House. Bring some dynamite\"\\nto an apparently (relatively) innoculous message. This message\\nhere is an example of the output for the above message :-).\\n\\n>It\\'s shocking and frightening to see that this is actually happening here.\\n\\nIt is shockiong that it could happen anywhere.\\nIt is shocking that it could happen in a country \\nthat has the arrogance to call itself free.\\n\\nWhat you can do:\\n\\t(1) Write to your congress person in plain text.\\n\\t(2) Write to your congress person in encrypted text.\\n\\t\\t(decrypter optional)\\n\\t(3) Send some random keystroked to your congressperson\\n\\t(4) Send some random keystrokes accross the US boundaries,\\n\\t\\tand keep the spooks busy trying to decode it.\\n\\t(5) Write your own encryption algorithms.\\n\\t(6) Don\\'t buy clipper products.\\n\\nP.S. I can\\'t work out why the US government doesn\\'t want to sell\\nthem overseas. After all, they are rather easy for US interests to decode,\\nso make a perfect tool for industrial/military espionage...lulling \\nanyone stupid enough to buy it into a false sense of security. You will\\nnotice that there is NO mention anywhere about safety for non-Americans.\\n\\nDisclaimer: My opinions are mine alone, and do not represent anyone elses.\\nI have nothing that I particularly want to hide at the moment...though I \\nconsider the right\\nto be able to use whatever method of coding data I like to be high on my\\nlist of priorities.\\n\\n-- \\n-----------------------------------------------------------------\\nAndrew Conway arc@leland.stanford.edu Phone: USA 415 497 1094\\n\\n',\n", + " \"From: gurgle@netcom.com (Pete Gontier)\\nSubject: Re: Challenge to Microsoft supporters.\\nOrganization: cellular\\nDistribution: usa\\nLines: 15\\n\\nbjgrier@bnr.ca (Brian Grier) writes:\\n\\n>This has gone on too long people! Get a life.\\n\\n>If you haven't converted anyone to your way of thinking yet\\n>you probably will not convert anyone. Just let this subject\\n>die a quiet, though painfull death.\\n\\n>If this keeps up I'll start believing the self righteousness\\n>should be CAPITAL offense.\\n\\nYou'll have to kill off half the net. Maybe that isn't such a bad\\nidea...\\n-- \\n Pete Gontier // EC Technology // gurgle@netcom.com\\n\",\n", + " 'From: punjabi@leland.Stanford.EDU (sanjeev punjabi)\\nSubject: Re: Why is Barry Bonds not batting 4th?\\nOrganization: DSG, Stanford University, CA 94305, USA\\nLines: 30\\n\\nIn article <1993Apr21.060530.26367@leland.Stanford.EDU> bohnert@leland.Stanford.EDU (matthew bohnert) writes:\\n>>>consistent hitter -- definitely the best in the National League. IMHO, to \\n>>>have Williams, a streaky hitter (and not really a clutch hitter) batting\\n>>>4th ahead of Bonds is simply an injustice to the Giants and fans of the\\n>>>Giants.\\n>>\\n>>(2) Having Bonds batting behind Williams means that Matt will get\\n>> more good pitches to hit. This is important since he struggles\\n>> so much with breaking balls. Opposing pitchers don\\'t want to\\n>> walk Williams to get to Bonds.\\n>>\\n>\\n>You\\'re definitely correct in that Williams absolutely has to be sandwiched\\n>in between Clark and Bonds. He must, and I mean MUST, get fastballs to\\n>hit...otherwise he becomes little more than Sixto Lezcano in disguise.\\n>What I would suggest is perhaps batting Bonds, Williams, and Clark\\n>3-4-5, the reason being that I feel Bonds\\' potential basestealing\\n>abilities are wasted when he\\'s stuck behind two slow runners.\\n>I think the chance of getting 20-30 extra stolen bases with Bonds in the\\n>3 spot would more than offset any drop in in run production by having \\n>Clark in the 5 spot.\\n>\\n>Matt\\n>\\n\\nWilliams does not like hitting cleanup!!\\nSecondly, Bonds and Clark (in that order) are a lot more productive with\\nrunners in scoring position than Matt \"I am streaky, free swinger\" Williams.\\n\\n\\tSanjeev\\n',\n", + " 'From: thf2@kimbark.uchicago.edu (Ted Frank)\\nSubject: Re: Best Second Baseman?\\nReply-To: thf2@midway.uchicago.edu\\nOrganization: University of Chicago\\nDistribution: usa\\nLines: 22\\n\\nIn article <1pqvusINNmjm@crcnis1.unl.edu> horan@cse.unl.edu (Mark Horan) writes:\\n>Sandberg is not particulary known for his stolen bases. What competition did \\n>Alomar have? Sandberg came in a year after Ripken, and the same year as Boggs,\\n>Gwynn, and the other magicians. So less attention was given to Sandberg. \\n>Alomar is the only one in his class to be worth a mediocre. Besides the \\n>numbers don\\'t count. National league pitchers are much better pitchers. \\n\\nYou\\'re right: Thomas, Gonzalez, Sheffield, and Griffey don\\'t even begin\\nto compare with Ripken, Boggs, and Gwynn, so no wonder Alomar gets so\\nmuch attention.\\n\\nSandberg got no attention his rookie year because his rookie year was\\nterrible. So was his sophomore year.\\n\\nNational League pitchers are \"much better pitchers\"? That certainly explains\\nSheffield\\'s 1993, hm? Are you confusing \"have ERA\\'s that are 0.40 lower\\nbecause they don\\'t face DH\\'s\" with \"much better\"?\\n-- \\nted frank | \"However Teel should have mentioned that though \\nthf2@kimbark.uchicago.edu | his advice is legally sound, if you follow it \\nthe u of c law school | you will probably wind up in jail.\"\\nstandard disclaimers | -- James Donald, in misc.legal\\n',\n", + " \"From: se7107297@ntuvax.ntu.ac.sg\\nSubject: X-Windows on MS-DOS PC? Where's the FAQ?\\nLines: 7\\nNntp-Posting-Host: v9000.ntu.ac.sg\\nOrganization: Nanyang Technological University - Singapore\\n\\nI need to know where I can get a FAQ on Xwindows for MS-DOS machines.\\nThe usual FAQ just gave me a name of a file called XServers-NonUNIX.txt.Z.\\nwhich I cannot find anywhere.\\n \\n I need to do X-Windows programming on a MSDOS PC. Does anyone know how to\\ngo about doing it?\\n\\n\",\n", + " \"From: beck@irzr17.inf.tu-dresden.de (Andre Beck)\\nSubject: Re: Encapsulated Postscript and X\\nKeywords: eps\\nReply-To: Andre_Beck@IRS.Inf.TU-Dresden.DE\\nOrganization: Dept. of Computer Science, TU Dresden, Germany.\\nLines: 29\\nNNTP-Posting-Host: irzr17.inf.tu-dresden.de\\n\\n\\nEPS _IS_ plain postscript. It is only wrapped by some comments and stripped\\nof any dubious commands for compatibility. You can simply do\\n\\n%!\\n\\nsave gsave\\n/showpage {} def\\n\\n% Include eps file here\\n\\ngrestore restore\\n\\nshowpage\\n\\n% end of file\\n\\nand this way show it on it's natural page position and size.\\n\\nPrograms may use the %%BoundingBox: comment in the EPS file to do\\narbitrary scale, rotate and translate to include it in more complicated\\nways than above.\\n\\n--\\n+-o-+--------------------------------------------------------------+-o-+\\n| o | \\\\\\\\\\\\- Brain Inside -/// | o |\\n| o | ^^^^^^^^^^^^^^^ | o |\\n| o | Andre' Beck (ABPSoft) mehl: Andre_Beck@IRS.Inf.TU-Dresden.de | o |\\n+-o-+--------------------------------------------------------------+-o-+\\n\",\n", + " \"From: qman@casbah.acns.nwu.edu (Charlie Kuehmann)\\nSubject: Trouble w/ VGA displays\\nNntp-Posting-Host: ironman.ms.nwu.edu\\nOrganization: Northwestern University\\nLines: 17\\n\\nI'm currently having trouble connecting my PB to a true blue (IBM Model\\n1513) VGA monitor. The display is bearly readable but all the details are\\nseperated into yellow and red colors. ie. a window will have two images one\\nin yellow and a ghost image in red. The background is also a little\\ngreenish. I read some time ago, before I ever thought I would hook my mac\\nup to a VGA screen, about an incompatability with some VGA monitors due to\\nthe sync on green signal. Does this sound like it could be the same demon?\\n I also read that there are both hardware (putting a diode on the green\\nsignal?) solution and a software solution to this problem. I don't the\\ndetails does somebody have them the can e-mail to me or post them? I\\nchecked all the FAQ's for this and didn't find anything about it. Did I\\nmiss it somewhere? This sure seems that it would be a good thing to have\\nin one. Thanks for any replys.\\n\\nCharles Kuehmann\\nNorthwestern University\\nSteel Research Group\\n\",\n", + " \"From: shenx@helium.gas.uug.arizona.edu (xiangxin shen )\\nSubject: Re: What is AT BUS CLK Speed?\\nOrganization: University of Arizona, Tucson\\nLines: 22\\n\\nIn article <1993Apr14.160915.22866@debbie.cc.nctu.edu.tw> is81056@cc.nctu.edu.tw (Wei-Shi Hwu) writes:\\n>Robert Desonia (robert.desonia@hal9k.ann-arbor.mi.us) wrote:\\n>\\n>: S >There is one param in the bios setup that says AT BUS CLK. I have\\n>: S >it set to the default of 4, but was able to get it to work with 3.\\n>: S >The SI at 3 was 142.something. I didnt want to mess anything up\\n>: S >so I set it back to 4. Also, the PC didnt boot with it set at 2.\\n>: S >\\n>: S >What exactlt dows this do, and should I leave it at 4?\\n>\\n>I think it's impossible to let AT-Bus operated too much more than\\n>8MHz. I have a C & T Neat 286-20 mother board, And I set the AT-BUS\\n>clock to 10 MHz, but the HD stopped when it boot. So it's correct\\n>that CLK/n means how many wait states.\\n>\\n> Sm. \\n\\nI think it all depends on your motherboard and the cards you have in your system. Your HD stopped boot probably because your HD controller can't handle the faster BUS speed. I have a 486-33DX, I set my bus divider to CLK/2.5, that is close to 13MHz. I can gain singificant performace increase on my Video card and harddisk transfer rate when I boost the bus speed. And my system work flawlessly under this setting. And you know what, when I go to CLK/2(17MHz BUS), my HD refuse to boot. \\n\\nJust my 2 cent.\\n\\nJim\\n\",\n", + " \"From: oaf@zurich.ai.mit.edu (Oded Feingold)\\nSubject: where is\\nOrganization: M.I.T. Artificial Intelligence Lab.\\nLines: 5\\nReply-To: oaf@zurich.ai.mit.edu\\nNNTP-Posting-Host: klosters.ai.mit.edu\\n\\n\\n... Wayne McGuire? Did someone prove he's anon15031@anon.penet.fi,\\nand he ran off to restock on PCP?\\n\\nMiss him. (sniff)\\n\",\n", + " 'From: jlevine@rd.hydro.on.ca (Jody Levine)\\nSubject: Re: Countersteering_FAQ please post\\nOrganization: Ontario Hydro - Research Division\\nLines: 73\\n\\nIn article <1qjn7i$d0i@sixgun.East.Sun.COM> egreen@east.sun.com writes:\\n>In article 26051@rd.hydro.on.ca, jlevine@rd.hydro.on.ca (Jody Levine) writes:\\n>>In article <1qc529$c1r@sixgun.East.Sun.COM> egreen@east.sun.com writes:\\n>\\n>>>Single-track snow vehicles with front skis, and snow skis attached to\\n>>>skiers\\' legs, deform the surface of the snow, creating their own bank.\\n>>>Ice skates alter the phase of the ice, and also \"carve\" out their own\\n>>>tracks.\\n>>So what? \\n>\\n>So they have bugger all to do with motorcycles. Hence, any apparent\\n>similarity in handling characteristics may, or may *not* be analagous\\n>in its underlying physics to that behind motorcycle handling\\n>characteristics.\\n\\nOK, as one last attempt, I\\'ll take a different tack.\\n\\nWe all seem to be in agreement that there are two explanations for why\\none can use the handlebars to lean a moving motorcycle. The question is,\\nis one of the effect dominant, and which one is it? The idea would be to\\ndesign an experiment which would seaprate the two characteristics, and\\nsee which effect produces a similar result to the one with which those of\\nus who have bikes are familiar.\\n\\nLet\\'s look at the one that, so far, has sparked no controversy on its\\nown, gyroscopic precession. To examine this alone, we would have to\\nget rid of the contact patch effect, by not allowing the contact patches\\nto transmit any force. The wheels and steering mechanism would have to\\nremain, and be attached to a vehicle with about the same weight as a bike,\\nthrough suspension (so that the wheels transmit forces to the bike the\\nsame way) similar to a bikes. An experiment would be to ride a bike along \\na dry road to get moving and to get the wheels spinning, then change \\nsurfaces to something that won\\'t transmit forces through the contact \\npatches, and try a steering manoeuvre to see if the bike leans. It \\nprobably would, since some of us know how easy it is to fall down on ice, \\nbut we wouldn\\'t get a good idea of how well or what it feels like \\nbecause, without the contact patches, we can\\'t turn. Maybe there\\'s a \\nbetter way. Besides, even ice doesn\\'t get rid of the contact patch\\nforces altogether, so we\\'d have to find a really frictionless surface.\\nYou\\'d have to try it again with the wheels locked to really know if it\\nwas the rotation that did it.\\n\\nLooking at the contact-patch effect only, however, is fairly simple.\\nNow we have to find a vehicle that gets the about the same magnitude and\\ndirection of cantact patch forces as a motorcycle, and transmits them\\nabout the same way to the vehicle, but without rotating wheels.\\nHow it gets the contact patch forces is irrelevant, we\\'re just looking\\nfor something that has contact patches that can go straight and not\\nsideways, and skis or skates would do fine. I don\\'t know of any snow-ski\\nor skate bikes, but up here we have the Suzuki Wetbike that is arranged\\nlike a motorcycle but has fat water skis where there should be wheels.\\nI think the propellor is in front of the rear ski, or something like\\nthat, but we could try it at a coast to get rid of most of its effect.\\nNow I admit that this is second hand info (although I\\'d love to try\\none of these), but the review in the local cycle rag and a guy in\\na bike shop that sells them both say that this machine handles very\\nmuch like a motorcycle, in that you countersteer it to turn.\\nSo we have contact patches that transmit similar forces to a bike\\'s,\\na similar suspension arrangement, and no gyroscopes, but we do have\\ncountersteering.\\n\\nConclusion: you don\\'t need gyroscopes to countersteer vehicles that have\\nmotorcycle-like contact patch arrangements. We still don\\'t know what\\nreal effect the gyroscopes have when they\\'re there, but from my observations\\nof how handlebar angle, force, etc. relate to steering in general, I\\'m \\nwilling to bet that they\\'re not the dominant factor in countersteering. \\n\\nIf you don\\'t like this conclusion, then don\\'t accept it, but my motorcycle\\'s\\nbehaviour is consistent with it. If someone can prove otherwise, go ahead.\\n\\nI\\'ve bike like | Jody Levine DoD #275 kV\\n got a you can if you -PF | Jody.P.Levine@hydro.on.ca\\n ride it | Toronto, Ontario, Canada\\n',\n", + " 'From: U16028@uicvm.uic.edu\\nSubject: Re: Coloured puck (was: CHANGES NOT NOTED YET!)\\nArticle-I.D.: uicvm.93095.203829U16028\\nOrganization: University of Illinois at Chicago, academic Computer Center\\nLines: 15\\n\\nIn article <1993Apr5.171006.22196@bnr.ca>, dwarf@bcarh601.bnr.ca (W. Jim Jordan)\\nsays:\\n>The precedent was set by the WHA in their first season. They used a red\\n>puck for exhibition games and a blue one for the regular season.\\n>Thankfully, they abandoned it in favour of black before the next season\\n>began.\\n>\\n-------------------------------------------------------------------------\\nOne reason that the WHA abandoned the blue puck was the fact that it\\ncrumbled very quickly during play. The blue dye that was used somehow\\naffected the vulcanized rubber of the puck, decreasing its cohesiveness.\\n\\nTerry\\nU16028@uicvm.uic.edu\\n&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&&\\n',\n", + " \"From: beck@irzr17.inf.tu-dresden.de (Andre Beck)\\nSubject: x11perfcomp visualization ?\\nOrganization: Dept. of Computer Science, TU Dresden, Germany.\\nLines: 15\\nDistribution: world\\nReply-To: Andre_Beck@IRS.Inf.TU-Dresden.DE\\nNNTP-Posting-Host: irzr17.inf.tu-dresden.de\\n\\n\\nHi,\\n\\nis there any script/program/thelike already existing which could transform\\nthe output of x11perfcomp (a huge table) into a nice 3d'ish diagram or\\ngraph by producing postscript output from x11perfcomp input ?\\n\\nMaybe someone has already written such beast ...\\n\\n--\\n+-o-+--------------------------------------------------------------+-o-+\\n| o | \\\\\\\\\\\\- Brain Inside -/// | o |\\n| o | ^^^^^^^^^^^^^^^ | o |\\n| o | Andre' Beck (ABPSoft) mehl: Andre_Beck@IRS.Inf.TU-Dresden.de | o |\\n+-o-+--------------------------------------------------------------+-o-+\\n\",\n", + " 'From: michael@jester.GUN.de (Michael Gerhards)\\nDistribution: world\\nSubject: Re: Western Digital HD info needed\\nX-Newsreader: TIN [version 1.1 PL8]\\nOrganization: private COHERENT system\\nLines: 12\\n\\nHolly KS (cs3sd3ae@maccs.mcmaster.ca) wrote:\\n> My Western Digital also has three sets of pins on the back. I am using it with\\n> another hard drive as well and the settings for the jumpers were written right \\n> on the circuit board of the WD drive......MA SL ??\\n\\nThe ??-jumper is used, if the other drive a conner cp3xxx. \\n\\nno jumper set: drive is alone\\nMA: drive is master\\nSL: drive is slave\\n\\nMichael\\n--\\n* michael@jester.gun.de * Michael Gerhards * Preussenstrasse 59 *\\n * Germany 4040 Neuss * Voice: 49 2131 82238 *\\n',\n", + " \"From: reznik@robios.me.wisc.edu (Dan S Reznik)\\nSubject: Correction on my last posting (GLX & lack of cous on Dialog Widget)\\nOrganization: U. Wisconsin-Madison, Robotics Laboratory\\nIn-reply-to: reznik@robios5.me.wisc.edu's message of 22 Apr 93 18:22:55 CDT\\nLines: 13\\n\\nOn the code I sent, please replace the line:\\n\\n XtAddCallback(PopUpShell, XtNcallback, MyPopUp, (XtPointer)PopUpShell);\\n\\nby\\n\\n XtAddCallback(Button, XtNcallback, MyPopUp, (XtPointer)PopUpShell);\\n\\n--- \\n\\nThe rest (and my question) remains the same...\\n\\nDan\\n\",\n", + " \"From: klute@tommy.INformatik.uni-dortmund.DE (Rainer Klute)\\nSubject: Imake support for xmosaic\\nOrganization: CS Department, Dortmund University, Germany\\nLines: 20\\nNNTP-Posting-Host: enterpoop.mit.edu\\nTo: xannounce@expo.lcs.mit.edu\\n\\n\\n\\tImake support for xmosaic\\n\\t=========================\\n\\nAlthough xmosaic is a great program in general, it unfortunately comes\\nwithout Imake support. So I created one. Until Marc Andreessen finds the\\ntime to incorporate it in an official xmosaic release, you can easily do it\\nyourself. Use anonymous FTP to get\\n\\n\\tftp.germany.eu.net:/pub/X11/misc/xmosaic.Imake.tar.z\\n\\nThe file's size is 3200 Byte. You will need gzip to unpack it. Have fun!\\n\\n-- \\n Dipl.-Inform. Rainer Klute I R B : immer richtig beraten\\n Univ. Dortmund, IRB\\n Postfach 500500 |)|/ Tel.: +49 231 755-4663\\nD-W4600 Dortmund 50 |\\\\|\\\\ Fax : +49 231 755-2386\\n\\n new address after June 30th: Univ. Dortmund, D-44221 Dortmund\\n\",\n", + " \"From: halat@pooh.bears (Jim Halat)\\nSubject: Re: After 2000 years, can we say that Christian Morality is\\nReply-To: halat@pooh.bears (Jim Halat)\\nLines: 34\\n\\nIn article <1qjd3o$nlv@horus.ap.mchp.sni.de>, frank@D012S658.uucp (Frank O'Dwyer) writes:\\n>Firstly, science has its basis in values, not the other way round.\\n>So you better explain what objective atoms are, and how we get them\\n>from subjective values, before we go any further.\\n\\n\\nAtoms are not objective. They aren't even real. What scientists call\\nan atom is nothing more than a mathematical model that describes \\ncertain physical, observable properties of our surroundings. All\\nof which is subjective. \\n\\nWhat is objective, though, is the approach a scientist \\ntakes in discussing his model and his observations. There\\nis no objective science. But there is an objective approach\\nwhich is subjectively selected by the scientist. Objective\\nin this case means a specified, unchanging set of rules that\\nhe and his colleagues use to discuss their science.\\n\\nThis is in contrast to your Objective Morality. There may be an\\nobjective approach to subjectively discuss your beliefs on\\nmorality. But there exists no objective morality.\\n\\nAlso, science deals with how we can discuss our observations of \\nthe physical world around us. In that the method of discussion\\nis objective ( not the science; not the discussion itself ).\\n\\nScience makes no claims to know the whys or even the hows sometimes\\nof what we can observe. It simply gives us a way to discuss our\\nsurroundings in a meaningful, consistent way.\\n\\nI think it was Neils Bohr who said (to paraphrase) Science is what\\nwe can _say_ about the physical world.\\n\\n-jim halat\\n\",\n", + " 'From: tpremo@mentor.cc.purdue.edu (Cinnamon Bear)\\nSubject: Onkyo Integra series Integrated amp for sale:\\nOrganization: Purdue University Computing Center\\nDistribution: na\\nLines: 18\\n\\nI have a Onkyo integrated amplifier that I am looking to get rid of.\\n\\t60w/ch\\n\\tworks great\\n\\tIntegra series\\n\\tnot a problem\\n\\n\\tAsking $100 OBO\\n\\n\\tIf your interested call me at 317-743-2656 or email this address.\\n\\tMAKE ME AN OFFER!!!\\n\\nTodd\\n\\n-- \\n%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%\\n (___________________________________ % Todd Premo \\n / / / % Purdue Universtiy \\n / __\\t __ / __ / % Environmental Engineering \\n',\n", + " \"From: oaf@zurich.ai.mit.edu (Oded Feingold)\\nSubject: Re: Hamza Salah, the Humanist\\nOrganization: M.I.T. Artificial Intelligence Lab.\\nLines: 3\\n\\t<1993Apr25.004917.3047@news.columbia.edu>\\nReply-To: oaf@zurich.ai.mit.edu\\nNNTP-Posting-Host: klosters.ai.mit.edu\\nIn-reply-to: jaa12@cunixa.cc.columbia.edu's message of Sun, 25 Apr 1993 00:49:17 GMT\\n\\nHey, I want my posts forwarded too. I can't get my sysadmin to pay\\nany attention to me.\\n\\n\",\n", + " 'From: Joseph M. Kasanic \\nSubject: Apple 8*24 GC Video Card\\nOrganization: Case School of Engineering\\nLines: 8\\nDistribution: world\\nNNTP-Posting-Host: b63545.student.cwru.edu\\nX-UserAgent: Nuntius v1.1.1d20\\nX-XXMessage-ID: \\nX-XXDate: Wed, 21 Apr 93 20:52:57 GMT\\n\\nA friend of mine recently acquired an 8!24 GC card for his IIsi\\nand was wondering why it always starts up in black and white.\\nI know there have been numerous reports about the worth of\\nthe GC, but I was wondering if anyone could elaborate a little\\nmore on the subject. Any replies encouraged. Thanks in ad-\\nvance.\\n\\n\\t\\t\\t\\t\\t\\tJoe Kasanic\\n',\n", + " \"From: rwd4f@poe.acc.Virginia.EDU (Rob Dobson)\\nSubject: Re: A Message for you Mr. President: How do you know what happened?\\nOrganization: University of Virginia\\nLines: 24\\n\\nIn article bskendig@netcom.com (Brian Kendig) writes:\\n\\n>They used a tank to knock a hole in the wall, and they released\\n>non-toxic, non-flammable tear gas into the building.\\n\\nHow do you know? Were you there?\\n\\nWhile obviously Koresh was a nut case, the (typical) inability of the\\ngovernment/media to get its story straight is quite disturbing. On\\ntuesday night, NBC news reported that the FBI did not know the place\\nwas burning down until they saw black smoke billowing from the\\nbuilding. The next day, FBI agents were insisting that they saw Davidians\\nsetting the fire. The FBI was also adamantly denying that it was possible\\ntheir battery of the compound's wallks could have accidentally set the\\nblaze, while also saying they hadnt been able to do much investigating\\nof the site because it was still too hot. So how did they KNOW they\\ndidnt accidentally set the fire.\\n\\nSounds like the FBI just burned the place to the ground to destroy\\nevidence to me.\\n\\n\\n--\\nLegalize Freedom\\n\",\n", + " \"From: lynch@hpcc01.corp.hp.com (Howard Lynch)\\nSubject: Re: Let's play the name game!\\nOrganization: the HP Corporate notes server\\nLines: 5\\n\\n>San Francisco Quakes\\n----------\\n\\nBy the way, Quakes is the nickname for the Padres affiliate\\nin the California League: the Rancho Cucamunga Quakes!\\n\",\n", + " 'From: ccgwt@trentu.ca (Grant Totten)\\nSubject: MS-Windows screen grabber?\\nKeywords: windows screen grab document graphics\\nLines: 20\\nReply-To: ccgwt@trentu.ca (Grant Totten)\\nOrganization: Trent University\\n\\n\\nHowdy all,\\n\\nWhere could I find a screen-grabber program for MS-Windows? I\\'m \\nwriting up some documentation and it would be VERY helpful to include\\nsample screens into the document.\\n\\nPlease e-mail as I don\\'t usualy follow this group.\\n\\nThanks a lot,\\n\\nGrant\\n\\n--\\nGrant Totten, Programmer/Analyst, Trent University, Peterborough Ontario\\nGTotten@TrentU.CA Phone: (705) 748-1653 FAX: (705) 748-1246\\n========================================================================\\n\"The human brain is like an enormous fish -- it is flat and slimy and\\nhas gills through which it can see.\"\\n\\t\\t-- Monty Python\\n',\n", + " \"From: rob@rjck.uucp (Robert J.C. Kyanko)\\nSubject: Help with World-to-screen 4x4 transfomation matrix\\nOrganization: Neptune Software Inc -- Orlando, FL\\nLines: 12\\n\\nI need help in creating my 4x4 perspective matrix. I'd like to use this for\\ntransforming x, y, z, w in some texture mapping code I got from Graphics Gems\\nI. I have many books which talk about this, but none of them in simple plain\\nenglish. If you have Graphics Gems I, I'm talking about page 678.\\n\\nI'd like to have a perspective matrix that handles different field-of-views\\nand aspect of course. Thank's for your help.\\n\\n-- \\nYes, of course everything I say is my personal opinion!\\n\\n Robert J.C. Kyanko (rob@rjck.oau.org or rob@rjck.UUCP)\\n\",\n", + " 'From: tdawson@engin.umich.edu (Chris Herringshaw)\\nSubject: Newsgroup Split\\nOrganization: University of Michigan Engineering, Ann Arbor\\nLines: 11\\nDistribution: world\\nNNTP-Posting-Host: po.engin.umich.edu\\n\\nConcerning the proposed newsgroup split, I personally am not in favor of\\ndoing this. I learn an awful lot about all aspects of graphics by reading\\nthis group, from code to hardware to algorithms. I just think making 5\\ndifferent groups out of this is a wate, and will only result in a few posts\\na week per group. I kind of like the convenience of having one big forum\\nfor discussing all aspects of graphics. Anyone else feel this way?\\nJust curious.\\n\\n\\nDaemon\\n\\n',\n", + " \"From: prevost@eos.arc.nasa.gov (Michael Prevost)\\nSubject: Re: GeoSphere Image\\nOrganization: NASA Ames Research Center\\nDistribution: usa\\nLines: 30\\n\\nrmalayte@grumpy.helios.nd.edu (ryan malayter) writes:\\n\\n>Article 31 of alt.graphics:\\n>Newsgroups: alt.graphics\\n>Path: news.nd.edu!moliere!rmalayte\\n>From: rmalayte@moliere.helios.nd.edu (ryan malayter)\\n>Subject: GeoSphere images via ftp?\\n>Message-ID: <1993Apr26.213648.26856@news.nd.edu>\\n>Sender: news@news.nd.edu (USENET News System)\\n>Organization: University of Notre Dame, Notre Dame\\n>Date: Mon, 26 Apr 1993 21:36:48 GMT\\n\\n>Does anyone know if a digitized version of the GeoSphere image is\\n>available via ftp? For those of you who don't know, it is a composite\\n>photograph of the entire earth, with cloudcover removed. I just think\\n>it's really cool. It was created with government funds and sattelites\\n>as a research project, so I would assume it's in the public domain.\\n\\nThis image is copyrighted. Early in another news group it was being\\nused as a texture map in a planet orbiting simulation. That program\\nwas being freely distributed but the texture map picture for the \\nearth had to be pulled because of copyright infringement issues. \\n\\nmp....\\n\\n-- \\nMichael Prevost\\nSterling Software\\nmoffett Field Ca.\\nprevost@eos.arc.nasa.gov\\n\",\n", + " 'From: Petch@gvg47.gvg.tek.com (Chuck Petch)\\nSubject: Daily Verse\\nOrganization: Grass Valley Group, Grass Valley, CA\\nLines: 4\\n\\nHow much better to get wisdom than gold, to choose understanding rather\\nthan silver! \\n\\nProverbs 16:16\\n',\n", + " \"From: olson@umbc.edu (Bryan Olson; CMSC)\\nSubject: Re: WH proposal from Police point of view\\nOrganization: University of Maryland, Baltimore County Campus\\nLines: 30\\nDistribution: world\\nNNTP-Posting-Host: umbc7.umbc.edu\\nX-Auth-User: olson\\n\\n\\nIn article <1993Apr18.034352.19470@news.clarkson.edu>, tuinstra@sunspot.ece.clarkson.edu.soe (Dwight Tuinstra) writes:\\n|> It might pay to start looking at what this proposal might mean to a\\n|> police agency. It just might be a bad idea for them, too.\\n|> \\n|> OK, suppose the NY State Police want to tap a suspect's phone. They\\n|> need a warrant, just like the old days. But unlike the old days, they\\n|> now need to \\n|> \\n|> (a) get two federal agencies to give them the two parts of\\n|> the key.\\n|> \\n|> Now, what happens if there's a tiff between the two escrow houses?\\n|> Posession/release of keys becomes a political bargaining chit.\\n\\n\\tWhile I think it is unrealistic to suppose that the federal\\nagencies will fail to promptly comply with a court order, there is \\nstill a good point here. Local law enforcement will be unable to perform\\na wiretap without bringing in federal agencies. Based on the (possibly\\nincomplete) understanding of the system quoted from D. Denning, only the\\nFBI will be able to decrypt the system key encryption layer, which seems\\nto be needed even to identify what escrowed keys to request. This moves\\na great deal of law enforcement power to the federal level.\\n\\tThe reason I like this point is that it may sway or even persuade\\npeople who don't generally line up with the civil liberties crowd. A\\nnational police force is opposed by people from a broad range of political \\nviewpoints.\\n\\n\\nolson@umbc.edu\\n\",\n", + " \"From: fvd@ma1ws1.mathematik.uni-karlsruhe.de (M. 'FvD' Weber)\\nSubject: Q: Whats _vendorShellWidgetClass ?\\nOrganization: University of Karlsruhe, Germany\\nLines: 16\\nNNTP-Posting-Host: ma1ws1.mathematik.uni-karlsruhe.de\\nMime-Version: 1.0\\nContent-Type: text/plain; charset=iso-8859-1\\nContent-Transfer-Encoding: 8bit\\n\\n\\nWe tried to compile an old X11R4/Motif program with X115 and a newer\\nVersion of Motif.\\n\\nBut we newer succeed. Any ideas?\\n\\nCC -o xtrack.new main.o libxtrack.a ../xutils/libxutils.a ../pmshort/libpmshort.a ../matrix/libmatrix.a otte/lib_otte.a verb/lib_verb.a /tools/newmotif/lib/libMrm.a /tools/newmotif/lib/libXm.a -L/tools/X11R5/lib -lXaw -lXmu -lXt -lX11 -lL -lm -lXext \\ncXm.a -lXaw -lXmu -lXt -lX11 -lL -lm -lXext -L/usr/CC/sun4/ -lC\\nld: /tools/X11R5/lib/libXaw.sa.5.0(sharedlib.o): _vendorShellWidgetClass: multiply defined\\n*** Error code 2\\nmake: Fatal error: Command failed for target `xtrack'\\n\\nThanks FvD.\\n--\\n FvD, Markus Weber fvd@ma1ws1.mathematik.uni-karlsruhe.de\\n\\t\\t Sometimes there's nothing to feel.\\n\",\n", + " 'From: Sang.Shin@launchpad.unc.edu (SANG SHIN)\\nSubject: Re: Krypto cables (was Re: Cobra Locks)\\nSummary: Love my cobra\\nKeywords: herpetoculturologicoportaldenyingaccessthingy\\nNntp-Posting-Host: lambada.oit.unc.edu\\nOrganization: University of North Carolina Extended Bulletin Board Service\\nDistribution: usa\\nLines: 38\\n\\nHi.\\n\\nI\\'m not sure what the other guy (can\\'t track down his post for his name)\\nwas talking about when he made the claim that cobralinks are not adjustable.\\nThey are. There\\'s a space between each link where the \"teeth\" of the \\nlocking head notch in. Thus, each link is a possible locking point.\\n\\nAlso, (and this is not applicable to hard-core thieves who cart around\\nliquid nitrogen and oxy-acetylene torches) the cobralinks \"LOOK\" a lot\\nmore effective than kryptonite cable locks (IMHO) and I think the initial\\nappearance effect is more relevant to bored-joyriders-nominally-adept-at-\\ncracking-unsecured-bike deterrence, as long as the lock is nominally \\nfunctional.\\n\\nFinally, I notice that when I ride with my leathers, harness boots, and\\nthe cobralinks slung across like a bandolier (BTW, I\\'ve crashed in the rain\\ndressed like this and the lock didn\\'t pulverize any vertebrae), cagers give\\nme a much wider berth, don\\'t hassle me, and tend to avoid any potentially\\ninflammatory action at stoplights.\\n\\nI love my cobralinks almost as much as I love my pre-80\\'s Honda dinosaur.\\n(I think I have a pavlovian drool reflex-I put the lock on (i.e., on my\\nbody) and I can feel the bike already shaking away).\\n\\nMy first post. What did I do wrong :)?\\n\\nsang\\nDoD #0846\\n\\'80 CX500\\n\\np.s. any other CX500 owners out there? Please e-mail me. Got \\nquestions about the weird handling on my bike.\\n\\n--\\n The opinions expressed are not necessarily those of the University of\\n North Carolina at Chapel Hill, the Campus Office for Information\\n Technology, or the Experimental Bulletin Board Service.\\n internet: laUNChpad.unc.edu or 152.2.22.80\\n',\n", + " 'From: musjndx@gsusgi2.gsu.edu (Jonathan N. Deitch)\\nSubject: Check your purchase ! (Was Re: DAT drives).\\nOrganization: Georgia State University\\nLines: 39\\n\\nschwarze@delphi.nosc.mil (David Schwarze) writes:\\n\\n>\\tWe bought one from Relax technologies. BIG mistake. The drive\\n>had some jumpers set incorrectly so it didn\\'t work at first, and the\\n>software they shipped with it was incompatable with the drive (it was the\\n>new compression model), and worst of all, when I opened the drive up to\\n>fiddle with the jumpers, I found the inside of the case COVERED WITH METAL\\n>FILINGS!!! Sorry to shout. Apparently when they drilled the mounting holes\\n>in the case they forgot to clean it before putting the drive in. This was\\n>a HP drive, by the way, and is now working fine (knock on wood), no thanks\\n>to Relax technologies.\\n\\nI have found that you should observe the following with almost all new\\nequipment :\\n\\nCheck for warrany tape. If none, carefully open unit.\\n\\nInspect for loose wires, jumpers, screws, and other trash.\\n\\nClean up these manufacturing mistakes.\\n\\n*Now* power up the unit and check it out.\\n\\nI can\\'t think of how many things I\\'ve bought that weren\\'t okay right out of\\nthe box due to sloppy QC.\\n\\n- Jonathan\\n\\nPS : This goes for any manufacturer. I\\'m not picking on anyone.\\n\\n-- \\n Internet: musjndx@gsusgi2.gsu.edu Fidonet: Jonathan Deitch@1:133/411.7\\n jdeitch@gisatl.fidonet.org Bellnet: 1 - (404) - 261 - 3665 ----------------------------------------------------------------------------- \\nAtlanta 1996 !! | Play Pinball !! | Don\\'t Panic ! | \"I hate it when I can\\'t\\n--------------------------------------------------| trust my own technology!\"\\n\"Thrills! Chills! Magic! Prizes!\" -- Hurricane | -- Geordi LaForge\\n\\nGene Roddenberry, Isaac Asimov, Jim Henson, Dr. Seuss, Mel Blanc ... Sigh ...\\n\\n',\n", + " 'From: texx@ossi.com (\"Texx\")\\nSubject: Re: Need info on Circumcision, medical cons and pros\\nOrganization: Open Systems Solutions Inc.\\nLines: 53\\nNNTP-Posting-Host: nym.ossi.com\\n\\nmenon@boulder.Colorado.EDU (Ravi or Deantha Menon) writes:\\n\\n>aezpete@deja-vu.aiss.uiuc.edu () writes:\\n\\n>>>The penile cancer thing has been *completely* debunked...she must be\\n>>>going to school on a South Pacific island. Tell her to check the Journal\\n>>>or Urology for circumcision articles. I remember at least 1 on an old\\n>>>Jewish man (cut at birth) who developed penile cancer....I mean, if the\\n>>>cancer risk was that great, the Europe who have been circumcising like\\n>>>crazy, too. Teaching a boy how to keep his cockhead clean is the issue: a\\n>>>little proper hygiene goes a long way - Americans are just too hung up on\\n>>>the penis to consider cleaning it: that\\'s just way too much like\\n>>>mastubation. So you have surgical intervention that is basically\\n>>>unnecessary.\\n\\n>>Peter Schlumpf\\n>>University of Illinois at Urbana-Champaign\\n\\nAs I recall, it is a statistical anomaly because of the sample involved in the studies.\\nI am certain that if it were true the Europeans would be cutting kids right & left.\\n\\n>First off, use some decent terms if ya don\\'t mind. This is sci.med, not\\n>alt.sex.\\n\\n>Secondly, how absolutely bogus to assume that \"American\\'s are just too hung\\n>up on the penis....blah,blah\". I think most American\\'s don\\'t care about\\n>anything so comlicated as that. They just think it \"looks nicer\". Ask \\n>a few of them and see what response you get. Others still opt for\\n>circumcision due to religious traditions and beliefs. Some think it is\\n>easier to clean. Still others do it because \"Daddy was\".\\n\\nI think alot do it blindly because \"Dad\" had it done. But there are many\\nwho get bamboozled into it with the bogus cancer thing. Awhile back some\\nquack told a friend of mine that it would help prevent AIDS.\\n\\nYeah...Right! (Sarchasm)\\n\\n>Dont\\' be so naive as to think American\\'s are afraid of sexuality. \\n\\nOh YEAH ?\\n\\nScene: Navy boot camp\\n\\nDI:\\t\\t\"Son, you smel awful! Dont you ever clean that thing?\"\\nRecruit:\\t\"No Sir !\"\\nDI:\\t\\t\"Why the hell NOT!\"\\nRecruit:\\t\"Your not sposed to touch down there?\"\\nDI:\\t\\t\"Why ?\"\\nRecruit:\\t\"Cause thats the eye of god down there, an\\' your not s\\'posed to touch it...\"\\n\\nThis did not happen 40 years ago, it happened 2 years ago.\\n\\nI think Americans are QUITE hung up about sex and the involved plumbing!\\n',\n", + " 'From: mblumens@itsmail1.hamilton.edu (Mary Blumenstock)\\nSubject: Re: Ranger Fans?????\\nOrganization: Hamilton College - Clinton, NY\\nDistribution: na\\nLines: 90\\n\\n>In article <1993Apr22.101356.1@eagle.wesleyan.edu> kwolfer@eagle.wesleyan.edu writes:\\n>I for one am happy about the Ranger\\'s hiring of Keenan. It\\'s too bad that they\\n>\\n\\nI agree that Keenan is an excellent choice. Did you see Mike\\nLupica\\'s column in Sunday\\'s news? My sentiments exactly. I\\nthink he just may be the one to instill some hunger and fire\\ninto their hearts next season. Either that or he\\'s going to \\nbe kicking alot of butt!\\n\\n>Reading through most of these hockey news I don\\'t see many Ranger fans writing. \\n\\nI\\'m here, but am new to this group and have been keeping fairly\\nquiet (you know, doing the \"lurking\" thing). I don\\'t have a\\nsense how many Rangers fans there are on the list either. I \\nam a die-hard Ranger fan (I guess I have to be - I sat in the\\nGarden throughout the Penguins\\' - led by Mario\\'s 5 goals - decimation \\nof them on 4/9), but am sick at the abundance of talent that has\\nbeen totally untapped, and the lack of heart displayed this\\nseason.\\n\\n>\\n>I have some final questions about the way the team was handled in that last\\n>dreadful stretch.\\n>\\n>1. Knowing they needed offensive help from the blueline, why didn\\'t we see Mike\\n>Hurlbut, who played pretty well when he was called up when Leetch first went\\n>down?\\n>\\n\\nHurlbut was injured for quite a while. I\\'m not sure, but I\\nthink he may have recovered in time for the playoff run, and\\nif so, like you, question why he wasn\\'t used.\\n\\n>\\n>>2. Why????!!!!! is Joe Kocur playing every night? He is not Bob Probert who is\\n>>tough but also can play.\\n>>\\n\\nI believe Kocur was used, in many instances, for his intimidation \\nfactor. Granted, he seemed to get an awful lot of ice time for \\nthat reason alone, but you have to realize that when a team is\\nnot doing any REAL physical intimidation (I\\'d like to have a nickel \\nfor every time J.D. said \\'They\\'ve got to take the body more\\'), \\nyou\\'ve got to at least have some illusions ;-(\\n\\n>3. How come Paul Broten is relegated to street clothes for the end of the\\n>season. At least he plays with some heart and character, draws penalties and\\n>plays 110% when he\\'s on the ice. Was he in the doghouse for some reason?\\n\\nI agree and I don\\'t know.\\n\\n>4. Joe Cirella?????!!!! Enough said!\\n>\\n\\nSorry, I don\\'t agree with you here. I think Joey C. did a good\\njob filling in when he was asked to. I can\\'t imagine that it\\'s\\neasy going from near 0 ice time to being a full timer. I don\\'t\\nseem to remember him turning the puck over at the blue line too\\nmuch, or failing to clear the zone. He worked hard, and at\\nleast didn\\'t make any rookie mistakes. As he said himself in an\\ninterview, he can only give what he has. and he did. \\n\\n>\\n>Ranger fans may be suffering but we\\'re some of the most loyal, unlike Islander\\n>fans who only show up when the team wins.\\n>\\n\\nAbsolutely. I think attendance at the Garden was better on the\\nlast day of the season, than any average night for the\\nIslanders.\\n\\n> \\n>>fought series. Mario is amazing!\\n>\\n\\nThe man is awesome. In a way, I\\'m enjoying the playoffs more,\\nnow that the Rangers aren\\'t in them. I can really appreciate\\nall the glory Mario is getting without \\'hating\\' him because he\\'s\\non the opposing team. He deserves it all, as far as I\\'m\\nconcerned.\\n\\n\\t\\t- Mary\\n\\n===============================================================\\nMary Blumenstock mblumens@itsmail1.hamilton.edu\\nHamilton College \\nClinton, N.Y. GO RANGERS!! (next year...)\\n\\n\\n',\n", + " 'From: callison@uokmax.ecn.uoknor.edu (James P. Callison)\\nSubject: Re: WARNING.....(please read)...\\nNntp-Posting-Host: uokmax.ecn.uoknor.edu\\nOrganization: Engineering Computer Network, University of Oklahoma, Norman, OK, USA\\nLines: 44\\n\\nIn article <24553@drutx.ATT.COM> klf@druwa.ATT.COM (FranklinKL) writes:\\n>In article , callison@uokmax.ecn.uoknor.edu (James P. Callison) writes:\\n>| \\n>| I normally have an unloaded Colt Delta in my glove box with a loaded\\n>| magazine handy (which is perfectly legal in Oklahoma). For those\\n>| times that I\\'m travelling inter-state, I keep an unloaded \\n>| S&W .44 Magnum revolver in the glove box, with a speed-loader\\n>|^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\\n>| in my pocket (which is legal everywhere, under Federal law, Illinois\\n>| State Police be hanged).\\n>\\n>Carrying a pistol, loaded or unloaded, in the glove compartment, is\\n>considered carrying a concealed weapon in Colorado and is illegal without\\n>a concealed weapons permit. Unless the law has been changed recently,\\n>carrying a weapon openly is legal in Colorado but concealing it is illegal.\\n>I read a newspaper account last year where police stopped a car on a\\n>traffic infraction and observed a .357 magnum revolver sitting on the\\n>seat. The driver could not be cited for possessing or carrying the weapon\\n>because it was not concealed. The article stated that if the gun had\\n>been discovered in the glove box, it would have been considered a crime.\\n\\nCarrying in the glove box is not covered...I\\'m not sure what I was \\nthinking there. It _is_ legal in Oklahoma. \\n\\nOn inter-state travel, as long as it is legal for you to own\\nat your point of origination and destination, the gun is carried\\nin a locked compartment/box (glove box specifically excluded) separate\\nfrom the ammo, it is legal under Title 19, Chapter 44, Section 94(9? I\\nforget, and my copy of the regs is at home) of the US Code. This,\\nunfortunately, has not prevented the theft by state troopers of a\\ncertain state (which shall remain nameless to protect the hopelessly\\nstupid) under that state\\'s law.\\n\\nGee, and I thought Federal Law overrode state law...\\n\\n\\t\\t\\t\\tJames\\n\\nJames P. Callison Microcomputer Coordinator, U of Oklahoma Law Center \\nCallison@uokmax.ecn.uoknor.edu /\\\\ Callison@aardvark.ucs.uoknor.edu \\nDISCLAIMER: I\\'m not an engineer, but I play one at work...\\n\\t\\tThe forecast calls for Thunder...\\'89 T-Bird SC\\n \"It\\'s a hell of a thing, killing a man. You take away all he has \\n\\tand all he\\'s ever gonna have.\" \\n\\t\\t\\t--Will Munny, \"Unforgiven\"\\n',\n", + " \"From: hades@coos.dartmouth.edu (Brian V. Hughes)\\nSubject: Re: 2 questions about the Centris 650's RAM\\nReply-To: hades@Dartmouth.Edu\\nOrganization: Dartmouth College, Hanover, NH\\nDisclaimer: Personally, I really don't care who you think I speak for.\\nModerator: Rec.Arts.Comics.Info\\nLines: 10\\n\\npetere@tesla.mitre.org (Peter D. Engels) writes:\\n\\n>According to the (seen several times) postings from Dale Adams of Apple\\n>Computer, both the 610 and the 650 require 80ns SIMMS - NOT 60 ns. Only\\n>the Centris 800 requires 60 ns SIMMs.\\n\\n You're correct, except that's Quadra 800 not Centris 800.\\n\\n-Hades\\n\\n\",\n", + " 'From: geoff@East.Sun.COM (Geoff Arnold @ Sun BOS - R.H. coast near the top)\\nSubject: Re: Where are they now?\\nOrganization: SunSelect\\nLines: 22\\nDistribution: world\\nReply-To: geoff@East.Sun.COM\\nNNTP-Posting-Host: poori.east.sun.com\\n\\nYour posting provoked me into checking my save file for memorable\\nposts. The first I captured was by Ken Arromdee on 19 Feb 1990, on the\\nsubject \"Re: atheist too?\". That was article #473 here; your question\\nwas article #53766, which is an average of about 48 articles a day for\\nthe last three years. As others have noted, the current posting rate is\\nsuch that my kill file is depressing large...... Among the posting I\\nsaved in the early days were articles from the following notables:\\n\\n>From: loren@sunlight.llnl.gov (Loren Petrich)\\n>From: jchrist@nazareth.israel.rel (Jesus Christ of Nazareth)\\n>From: mrc@Tomobiki-Cho.CAC.Washington.EDU (Mark Crispin)\\n>From: perry@apollo.HP.COM (Jim Perry)\\n>From: lippard@uavax0.ccit.arizona.edu (James J. Lippard)\\n>From: minsky@media.mit.edu (Marvin Minsky)\\n\\nAn interesting bunch.... I wonder where #2 is?\\n---\\nGeoff Arnold, PC-NFS architect, Sun Select. (geoff.arnold@East.Sun.COM)\\n--------------------------------------------------+-------------------\\n\"What if they made the whole thing up? | \"The Great Lie\" by\\n Four guys, two thousand years ago, over wine...\" | The Tear Garden\\n\\n',\n", + " 'From: kkeller@mail.sas.upenn.edu (Keith Keller)\\nSubject: Re: POTVIN and HIS STICK\\nOrganization: University of Pennsylvania, School of Arts and Sciences\\nLines: 30\\nNntp-Posting-Host: mail.sas.upenn.edu\\n\\nIn article <2346575PS380.9.0@sscl.uwo.ca> 2346575PS380@sscl.uwo.ca writes:\\n>In article <1r68fs$fhc@msuinfo.cl.msu.edu> hallg@yangtze.egr.msu.edu (The Terminator) writes:\\n>>From: hallg@yangtze.egr.msu.edu (The Terminator)\\n>>Felix Potvin deserves to have the sh&$ kicked out of him. If there is anyone\\n>>that he should be hitting with his stick, its his pussy defensemen who can\\'t\\n>>seem to move big Dino Ciccerelli (5\\'10\" 180 lbs) out from in front of the net.\\n>>\\n>>Obviously Toronto has realized that they are overmatched by the Wings and must\\n>>rely on trying to antagonize the superior Red Wings with cheap shots. I prefer\\n>>to watch hockey than seeing shots of Felix Potvin slashing and spearing Dino\\n>>Ciccerelli standing in front of the net. HE HAS EVERY RIGHT TO STAND IN\\n>>FRONT OF THE NET, JUST NOT IN THE CREASE!\\n\\nYes, he does. BUT, the goalie sure as hell doesn\\'t want him there! When\\nI played roller hockey (boy do I miss those days) as a goalie, I would\\nscream at my defense to clear guys out of the slot. I don\\'t care if he\\'s\\nin the crease or not, get him the hell away from me so I can see the ball!\\n(Yes, roller hockey, remember) And if there was nobody around to clear\\nthe slot, then I\\'d do it myself by pushing the offending player--*hard*. \\nI *hate* people in my way when I\\'m the goalie, and I am sure Felix does\\ntoo. I should say that I didn\\'t see the incident, so if Potvin really\\nswung the stick big time, then that\\'s not right, but he can move people\\nout of the way. He\\'s a player on the ice too, you know. :-)\\n\\n--\\n Keith Keller\\t\\t\\t\\tLET\\'S GO RANGERS!!!!!\\n\\tkkeller@mail.sas.upenn.edu\\t\\tIVY LEAGUE CHAMPS!!!!\\n In this corner\\t\\t\\t\\tLET\\'S GO QUAKERS!!!!!\\n Weighing in at almost every weight imaginable . . . \\n Life, and all that surrounds it.\\t\\t -- Blues Traveler, 1993\\n',\n", + " 'From: proberts@informix.com (Paul Roberts)\\nSubject: How to mask the left button?\\nOrganization: Informix Software, Inc.\\nLines: 32\\nOriginator: proberts@moose\\n\\n[I am posting this for a friend whose news service is \"fubared as usual\".\\n I will forward replies to him, or if you want to try to reply directly,\\n try: Return-Path: PR ]\\n\\n\\nI have an event handler working for a ButtonPressMask like:\\n\\n XtAddEventHandler( plot_data->display, ButtonPressMask, FALSE,\\n show_mouse_position, plot_data);\\n\\nbut I would like to be able to have two types of actions: one to occur\\nwith the left mouse, the other the right, and perhaps one with the\\nmiddle. So my event handler would look more like:\\n\\n\\n XtAddEventHandler( plot_data->display, left-ButtonPressMask, FALSE,\\n show_left_mouse_position, plot_data);\\n\\n XtAddEventHandler( plot_data->display, right-ButtonPressMask, FALSE,\\n show_right_mouse_position, plot_data);\\n\\nHowever I don\\'t know how to make my left-ButtonPressMask. There didn\\'t seem\\nto be one in the event mask lists I had on hand (although Button1MotionMask\\nlooked promising). My references also mentioned using \"|\" to or two\\nmask events. Can you use \"&\" to and two masks? Would I want to in this\\ncase? \\n\\nAny help would be appreciated.\\n\\nThanks, \\n\\n-lrm\\n',\n", + " 'From: sun075!Gerry.Palo@uunet.uu.net (Gerry Palo)\\nSubject: Re: Christianity and repeated lives\\nLines: 100\\n\\nIn article smayo@world.std.com (Sc\\nott A Mayo) writes:\\n>>Gerry Palo writes:\\n>> > ...there is nothing in Christianity that precludes the idea of\\n>> > repeated lives on earth.\\n>\\n>Doesn\\'t it say somewhere \"It is appointed to man once to die,\\n>and then judgement?\" I don\\'t have a concordance here but I have\\n>some dim memory that this appears *somewhere* in the Bible.\\n>Given a fairly specific context for what judgement is, I\\'d say\\n>that more or less decides the issue.\\n>\\n>[Heb 9:27 --clh]\\n\\nIndeed, the immediate context [NASB] is:\\n\\n 26 Otherwise, He would have needed to suffer often\\n since the foundation of the world; but now once at\\n the consummation He has been manifested to put away \\n sin by the sacrifice of Himself.\\n\\n 27 And inasmuch as it is appointed for men to die\\n once, and after this comes judgement;\\n\\n 28 so Christ also, having been offered once to bear\\n the sins of many, shall appear a second time, not to\\n bear sin, tro those who eagerly await him.\\n\\n\\nThe first point is that this verse is part of an even larger\\ncontext, the subject of which is not the destiny of the\\nindividual human soul but rather the singular nature of Christ\\'s\\nsacrifice, \"once\", and the fulfillment of the law for all of fallen \\nmankind. Rudolf Frieling elaborates this in detail in his \\n\"Christianity and Reincarnation\". The thrust of the passage\\nin its context is to liken the one time incarnation and \\nsacrifice of Christ for all mankind to the individual \\nexperience of the human being after death. The \"once\" \\nis repeated and emphasized, and it highlights the singularity \\nof Christ\\'s deed. One thing for certain it does is to \\nrefute the claims of some that Christ incarnates more than \\nonce. But the comparison to the human experience - die \\nonce, then judgement (note: not \"the judgement\", but just \\n\"judgement\". The word for judgement is \"krisis\".\\n\\nHebrews 9:27 is the one passage most often quoted in defense\\nof the doctrine that the Bible denies reincarnation. At this\\npoint, I would just emphasize again that the passages \\nthat (arguably) speak against it are few, and that invariably\\nthey are talking about something eles, and the apparent denial\\nof reincarnation is either inferred, or, as in the case of\\nHebrews, taken literally and deposited into an implied context,\\nnamely a doctrine of the destiny of the human being after\\ndeath.\\n\\nWhat should be considered seriously is that the Bible is essentially\\nsilent about the fate of the individual human being between death\\nand the Last Day. If you take the few passages that could possibly\\nbe interpreted to mean a single earth life, they are arguable. And\\nthere are other passages that point, arguably, in the other direc-\\ntion. such as Matthew 11:14 and John 9:2.\\n\\nWe can continue to debate the individual scraps of scripture that\\nmight have a bearinig on this, and indeed we should discuss them.\\nBut what I wanted to introduce into the discussion was an approach\\nto the idea of repeated earth lives that, unlike Hindu, Buddhist\\nand \"new age\" teachings, takes full cognizance of the divinity, singular\\nincarnation, death, burial, resurrection, and second coming of Christ\\nas the savior of mankind; the accountability of each individual for\\nhis deeds and the reality of the Fall and of sin and its consequences;\\nthe redemption of man from sin through Christ; the resurrection of\\nthe body, and the Last Judgement.\\n\\nTaken in this larger sense, many serious questions take on an entirely\\ndifferent perspective. E.g. the destiny of those who died in their\\nsins before Christ came. the relationship of faith and grace to \\nworks, the meaning of \"deathbed conversion\", the meaning of the\\nsacraments, and many other things. Not that I propose to answer all\\nthose questions by a simple doctrine of convenience, but only that\\nthe discussion takes on a different dimension, and in my opinion\\none that is truly worthy of both man, the earth, and their Creator and \\nRedeemer. There are many deep questions that continue to be deep, such \\nas the meaning of the second death, and how the whole of Christian\\ndoctrine would apply to this larger perspective of human existence.\\n\\nThere are those who deeply believe that the things of which the Bible \\ndoes not speak are not things we should be concerned with. But Christ\\nalso indicated that there were other things that we would come to know\\nin the future, including things that his disciples (and therefore others) \\ncould not bear yet. This idea that the human capacity for growth in\\nknowledge, not only of the individual in one lifetime, but of the whole\\nof humanity, also takes on great meaning when we realize that our growth\\nin the spirit is a long term process. The Bible was not meant to codify\\nall spiritual knowledge in one place forever, but to proclaim the gospel\\nof the incarnation and redeeming deed of Christ - taking the gospel in the\\ngreater context, from Genesis to Revelation. Now, salvation (healing) becomes, \\nnot the end of man\\'s sojourn but its beginning. And the Last Judgement and\\nthe New Heaven and Earth that follow it become its fulfullment.\\n\\nGerry Palo (73237.2006@compuserve.com)\\n',\n", + " 'From: kmr4@po.CWRU.edu (Keith M. Ryan)\\nSubject: Re: 27 fundamental beliefs of SDA\\nOrganization: Case Western Reserve University\\nLines: 21\\nNNTP-Posting-Host: b64635.student.cwru.edu\\n\\nIn article healta@saturn.wwc.edu (Tammy R Healy) writes:\\n\\n> I was asked to post list of the SDA Church\\'s basic beliefs. The SDA \\n>church has always been reluctant to formalize a creed in the usual sense of \\n>word. However, the powers that be in the church deemed it neccessary to \\n>publish a summary of basic SDA beliefs.\\n\\n\\tMay I ask why they are afraid to do so?\\n\\n---\\n\\n Speaking of proofs of God, the funniest one I have ever seen was in a\\n term paper handed in by a freshman. She wrote, \"God must exist, because\\n he wouldn\\'t be so mean as to make me believe he exists if he really\\n doesn\\'t!\" Is this argument really so much worse than the ontological\\n proofs of the existence of God provided by Anselm and Descartes, among\\n others?\\n\\n Raymond Smullyan\\n [From \"5,000 B.C. and Other Philosophical Fantasies\".]\\n \\n',\n", + " 'From: lloyd@uclink.berkeley.edu (Lloyd Nebres)\\nSubject: Re: MARLINS WIN! MARLINS WIN!\\nArticle-I.D.: 128.lloyd-060493114752\\nDistribution: world\\nOrganization: UC Berkeley\\nLines: 14\\nNNTP-Posting-Host: tol3mac15.soe.berkeley.edu\\n\\n>>(Look at all that Teal!!!! BLEAH!!!!!!!!!)\\n\\nIndeed, if the color teal on a team\\'s uniforms is any indication of the\\nfuture, the Marlins are in dire trouble! Refer to the San Jose Sharks for\\nproof... But I have hope for the Marlins. I was a sometime member of the\\nRene Lachemann fan club at the Oakland Coliseum, and have a deep respect\\nfor the guy. He\\'s a gem. And, of course, Walt Weiss gives that franchise\\nclass. But yeah... whoever designed those uniforms was guilty of a paucity\\nof style and imagination. Ugghhh!\\n\\nLloyd R. Nebres, UC Berkeley\\nInternet: lloyd@uclink.berkeley.edu\\nVox: (510) 848-9760 or 643-9390\\n\"Never underestimate the bandwidth of a 747 carrying a ton of CD-ROMs...\"\\n',\n", + " 'From: pmoloney@maths.tcd.ie (Paul Moloney)\\nSubject: Re: THE POPE IS JEWISH!\\nOrganization: Somewhere in the Twentieth Century\\nLines: 47\\n\\nwest@next02cville.wam.umd.edu (Stilgar) writes:\\n\\n>The pope is jewish.... I guess they\\'re right, and I always thought that\\n>the thing on his head was just a fancy hat, not a Jewish headpiece (I\\n>don\\'t remember the name). It\\'s all so clear now (clear as mud.)\\n\\nAs to what that headpiece is....\\n\\n(by chort@crl.nmsu.edu)\\n\\nSOURCE: AP NEWSWIRE\\n\\nThe Vatican, Home Of Genetic Misfits?\\n\\nMichael A. Gillow, noted geneticist, has revealed some unusual data\\nafter working undercover in the Vatican for the past 18 years. \"The\\nPopehat(tm) is actually an advanced bone spur.\", reveals Gillow in his\\ngroundshaking report. Gillow, who had secretly studied the innermost\\nworkings of the Vatican since returning from Vietnam in a wheel chair,\\nfirst approached the scientific community with his theory in the late\\n1950\\'s.\\n\\n\"The whole hat thing, that was just a cover up. The Vatican didn\\'t\\nwant the Catholic Community(tm) to realize their leader was hefting\\nnearly 8 kilograms of extraneous bone tissue on the top of his\\nskull.\", notes Gillow in his report. \"There are whole laboratories in\\nthe Vatican that experiment with tissue transplants and bone marrow\\nexperiments. What started as a genetic fluke in the mid 1400\\'s is now\\nscientifically engineered and bred for. The whole bone transplant idea\\nstarted in the mid sixties inspired by doctor Timothy Leary\\ntransplanting deer bone cells into small white rats.\" Gillow is quick\\nto point out the assassination attempt on Pope John Paul II and the\\ndisappearance of Dr. Leary from the public eye.\\n\\n\"When it becomes time to replace the pope\", says Gillow, \"The old pope\\nand the replacement pope are locked in a padded chamber. They butt\\nheads much like male yaks fighting for dominance of the herd. The\\nvictor emerges and has earned the privilege of inseminating the choir\\nboys.\"\\n\\n\\nP.\\n-- \\n moorcockpratchettdenislearydelasoulu2iainmbanksneworderheathersbatmanpjorourke\\nclive p a u l m o l o n e y Come, let us retract the foreskin of misconception\\njames trinity college dublin and apply the wire brush of enlightenment - GeoffM\\n brownbladerunnersugarcubeselectronicblaylockpowersspikeleekatebushhamcornpizza \\n',\n", + " \"From: tpeng@umich.edu (Timothy Richard Peng)\\nSubject: Re: Duo 230 crashes aftersleep (looks like Apple bug!)\\nOrganization: University of Michigan -- Ann Arbor\\nLines: 7\\nReply-To: tpeng@umich.edu\\nNNTP-Posting-Host: livy.ccs.itd.umich.edu\\nOriginator: tpeng@livy.ccs.itd.umich.edu\\n\\nif you have a memory card installed that's not one of apple's, this\\nmay be the problem. for a couple of months after the release of\\nthe duo, some memory manufacturers were shipping duo memory cards w/\\nimproper (non-self-refreshing) chips. if you have a third party \\ncard, pull it and see if the sleep problem recurs.\\n - tim \\n\\n\",\n", + " \"From: schuch@phx.mcd.mot.com (John Schuch)\\nSubject: Food Dehydrators\\nNntp-Posting-Host: bopper2.phx.mcd.mot.com\\nOrganization: Motorola Computer Group, Tempe, Az.\\nDistribution: usa\\nLines: 9\\n\\n Does anybody out there have one of those food dehydrators I've been seeing\\nall over late-night TV recently? I was wondering if they use forced air, heat,\\nor both. If there's heat involved, anybody know what temperature they run at?\\nMy wife would like one and I'm not inclined to pay >$100.00 for a box, a fan\\nand a heater. Seems to me you should be able to throw a dehydrator together\\nfor just a few bucks. Heck, the technology is only what? 1,000 years old?\\n\\nJohn\\n\\n\",\n", + " 'From: marshalk@mercury.Berkeley.EDU (Kevin Marshall)\\nSubject: Re: Grey Scale while in windows?\\nOrganization: Motorola Ltd., European Cellular Infrastructure Division\\nLines: 6\\nDistribution: world\\nReply-To: marshalk@mercury.Berkeley.EDU (Kevin Marshall)\\nNNTP-Posting-Host: mercury.swindon.rtsg.mot.com\\n\\n\\n +----------------------------------------------------------------------------+\\n | Kevin Marshall, Operational Support, Motorola ECID, Swindon, UK. |\\n | E-mail : marshalk@zeus |\\n | Phone : +44 793 545127 (International) (0793) 545127 (Domestic) |\\n +----------------------------------------------------------------------------+\\n',\n", + " 'From: jonesk@ur.msstate.edu\\nSubject: Re: Harry Caray\\nNntp-Posting-Host: ur117.ur.msstate.edu\\nReply-To: jonesk@ur.msstate.edu\\nOrganization: Mississippi State University\\nLines: 19\\n\\nIn article <34592@oasys.dt.navy.mil> odell@oasys.dt.navy.mil (Bernard O\\'Dell) writes:\\n>Being an old time Cardinal Fan-now relocated to the NVA area-I can\\n>recall that Harry was not at all \"popular\" with old man Busch, who,\\n>as I understand it, fired him and kicked him out of St. Louis.\\n>\\n>I am not quite sure of the reasons, but the old man was certainly\\n>not \"enraptured\" by ole Harry.\\n>\\n>Bern O\\'Dell--\\n\\nI grew up listening to Harry Carey call the Cardinals\\' games and\\nreally liked him--then. But, as I recall, he was fired because\\nhe was too critical (read: honest) when he was announcing. He\\ndared to point out the Cards\\' miscues and such. At least, this is\\nwhat I remember from when I was a kid.\\n\\nKay Jones\\n\\n\\n',\n", + " 'From: infante@acpub.duke.edu (Andrew Infante)\\nSubject: Re: Should liability insurance be required?\\nDistribution: usa\\nOrganization: Duke University; Durham, N.C.\\nLines: 22\\nNntp-Posting-Host: north1.acpub.duke.edu\\n\\nIn article <1993Apr14.125209.21247@walter.bellcore.com> fist@iscp.bellcore.com (Richard Pierson) writes:\\n>Lets get this \"No Fault\" stuff straight, I lived in NJ\\n>when NF started, my rates went up, ALOT. Moved to PA\\n>and my rates went down ALOT, the NF came to PA and it\\n>was a different story. If you are sitting in a parking\\n>lot having lunch or whatever and someone wacks you guess\\n>whose insurance pays for it ? give up ? YOURS.\\n\\nOnly if you have a weeny insurance company. Unless it\\'s\\nsome stupid PA law. I know that if some jerk hits me while \\nI\\'m in a parking lot, if my insruance company doesn\\'t sue\\nhis (or his doesn\\'t immediately say, \\'Yes, it\\'s his fault\\')\\nI\\'ll sure him myself and tell my insurance company to go to\\nhell if they raise my rates.\\n\\n\\n\\n-- \\nAndy Infante | You can listen to what everybody says, but the fact remains |\\n\\'71 BMW R60/5 | that you\\'ve got to get out there and do the thing yourself. | \\nDoD #2426 | -- Joan Sutherland | \\n==============| My opinions, dammit, have nothing to do with anyone else!!! | \\n',\n", + " \"From: zia@castle.ed.ac.uk (Zia Manji)\\nSubject: HELP - E_Mail Address of Caere Corporation\\nOrganization: Edinburgh University\\nLines: 19\\n\\n===============================================================================\\n \\tI'm looking for the E_Mail Address of the Caere Corporation. \\n\\tTheir Address is:\\n\\n\\tCAERE CORPORATION\\n\\t100 COOPER COURT\\n\\tLOS GATOS\\n\\tCALIFONIA 95030\\n\\n\\tIf you know the address o have access to find it. Please could\\n\\tyou send it to me. \\n\\n\\tMy E_Mail Address is:\\n\\n\\t\\t\\n\\n\\tThanking you in advance,\\n\\n\\t\\tZia.\\n\",\n", + " 'From: henry@zoo.toronto.edu (Henry Spencer)\\nSubject: Re: 74ACT???\\nOrganization: U of Toronto Zoology\\nLines: 86\\n\\nIn article <1qhrq9INNlri@crcnis1.unl.edu> mpaul@unl.edu (marxhausen paul) writes:\\n>OK, what\\'s a quick rundown on all the 7400 series variations? We\\'re\\n>repairing something with a 74ACT00 on it and the question arises, \"well,\\n>do i really need the ACT part?\" Flipping through Digi-Key I see \\n>ALS, AS, C, HC, AC, ACQ, ACT, HCT, ACHT, HCTLS...\\n\\nHere\\'s something I posted about this a few years ago. It\\'s not fully\\nup to date with all the new variations (some of which are just different\\nmanufacturer\\'s synonyms):\\n\\n------\\nIn practical terms, ignoring the technological details, this is my view\\nof the families (NB I am not a giant corporation, which influences my\\nviews on things like availability and backward compatibility):\\n\\n74\\tThe original. Speed good, power consumption fair. Effectively\\n\\tobsolete now; use 74LS or later, except for a *very* few oddball\\n\\tfunctions like 7407 which are hard to find in newer families.\\n\\n74H\\tModification of 74 for higher speed, at the cost of higher\\n\\tpower consumption. Very obsolete; use 74F.\\n\\n74L\\tModification of 74 for lower power, at the cost of lower speed.\\n\\tVery obsolete; use CMOS.\\n\\n74S\\tLater modification of 74 for even higher speed, at some cost in\\n\\tpower consumption. Effectively obsolete; use 74F.\\n\\n74LS\\tCombination of 74L and 74S, for speed comparable to 74 with lower\\n\\tpower consumption. Best all-round TTL now, widest variety of\\n\\tdevices.\\n\\n74F\\tFast as blazes, power not too bad. The clear choice for high\\n\\tspeed in TTL. Availability and prices generally good.\\n\\n74AS\\tFailed competitor to 74F, although a few 74AS parts do things\\n\\tthat are hard to find in 74F and thus are still useful.\\n\\n74ALS\\tPossible replacement for 74LS. Generally souped up. Still fairly\\n\\tnew, availability and prices possibly a problem.\\n\\n74C\\tFairly old family, CMOS devices with TTL pinouts. Competed with\\n\\t4000 series, not too successfully. Obsolete; use 4000 or newer\\n\\tCMOS 74 families.\\n\\n4000\\t(Thrown in as the major non-74 non-ECL logic family.) The old CMOS\\n\\tfamily, still viable because of *very* wide range of devices, low\\n\\tpower consumption, and wide range of supply voltages. Not fast.\\n\\tVery forgiving and easy to work with (beware static electricity,\\n\\tbut that comment applies to many other modern logic families too).\\n\\tThere are neat devices in this family that exist in no other. The\\n\\tclear choice when speed is not important.\\n\\n74HC\\tA new attempt at 74-pinout CMOS. Fast compared to old CMOS, power\\n\\tconsumption often lower than TTL. Possibly a good choice for\\n\\tgeneral-purpose logic, assuming availability and affordability.\\n\\tCMOS logic levels, *not* TTL ones. Beware very limited range of\\n\\tsupply voltages compared to older CMOS, also major rise of power\\n\\tconsumption at faster speeds.\\n\\n74HCT\\t74HC with TTL logic levels. Much the same comments as 74HC. Read\\n\\tthe fine print on things like power consumption -- TTL compatibility\\n\\tin CMOS involves some compromises.\\n\\n10K\\t(Thrown in for speed freaks.) The low end of ECL. Various sources\\n\\tclaim that it is *easier* to work with than super-fast TTL for\\n\\tserious high-speed work. Less forgiving, though: read and follow\\n\\tthe rules or it won\\'t work. Availability to hobbyists limited,\\n\\tcan be expensive.\\n\\n100K\\t(For real speed freaks.) Hot ECL. Harder to handle than 10K, and\\n\\tinconvenient packages. Much more useful datasheets, however.\\n\\nAs for compatibility between families: the 74 families (except 74C and\\n74HC) are all more or less logic-level compatible, but how many 74X devices\\nyou can drive from one 74Y output varies enormously with X and Y. You just\\nhave to read the specs and do the arithmetic. 74C and 74HC are compatible\\nwith the others with a bit of hassle. 4000 compatibility can be a bit of\\nhassle or a lot of hassle depending on what supply voltage 4000 is using.\\n10K or 100K to anything else is considerable hassle.\\n\\nMe? I use 4000 and 74LS with a sprinkling of 74F. 74HC[T] and 10K are\\ninteresting but I haven\\'t used either significantly yet.\\n-- \\nAll work is one man\\'s work. | Henry Spencer @ U of Toronto Zoology\\n - Kipling | henry@zoo.toronto.edu utzoo!henry\\n',\n", + " 'From: kkeller@mail.sas.upenn.edu (Keith Keller)\\nSubject: Re: Tie Breaker....(Isles and Devils)\\nOrganization: University of Pennsylvania, School of Arts and Sciences\\nLines: 35\\nNntp-Posting-Host: mail.sas.upenn.edu\\n\\nIn article wangr@rpi.edu writes:\\n>\\n>\\tAre people here stupid or what??? It is a tie breaker, of cause they\\n>have to have the same record. How can people be sooooo stuppid to put win as\\n>first in the list for tie breaker??? If it is a tie breaker, how can there be\\n>different record???? Man, I thought people in this net are good with hockey.\\n>I might not be great in Math, but tell me how can two teams ahve the same points\\n>with different record??? Man...retard!!!!!! Can\\'t believe people actually put\\n>win as first in a tie breaker......\\n\\nGolly, I love stupid people. :-)\\nListen, Rex, this is hockey. The NHL, to be precise. And in the NHL,\\nthere exist these things called \"ties\". A tie occurs when a game ends\\nwith the score for each team equal. Each team gets one point for a tie. \\nThere also exits these things called \"wins\". A win is when one team has a\\nhigher score than the opponent. (Oh yeah, only two teams play each other\\nat a time, so I can say \"the opponent\".) A team gets two points for a\\nwin. So, let\\'s say that a team has a record of 38 wins, 36 losses, and 10\\nties. Another team has a record of 40 wins, 38 losses and 6 ties. The\\nfirst team has (38*2)+10 = 86 points. The second team has (40*2)+6 = 86\\npoints. WOW! They *both* have the same number of points, but the number\\nof wins is different! How did they do that??!?!?!?! That\\'s amazing. So,\\nRex, when people talk about wins being the first tiebreaker, well, then\\nthat\\'s what it means. In our example, the second team would win the\\ntiebreaker and therefore have the \"better\" record, even though both teams\\nhad the same number of points. If you didn\\'t understand this post, Rex,\\nmaybe you should go back and read it again, very slowly.\\n:-) :-) :-) :-) :-) :-)\\n\\n--\\n Keith Keller\\t\\t\\t\\tLET\\'S GO RANGERS!!!!!\\n\\t\\t\\t\\t\\t\\tLET\\'S GO QUAKERS!!!!!\\n\\tkkeller@mail.sas.upenn.edu\\t\\tIVY LEAGUE CHAMPS!!!!\\n\\n \"When I want your opinion, I\\'ll give it to you.\" \\n',\n", + " 'From: ramakris@csgrad.cs.vt.edu (S.Ramakrishnan)\\nSubject: Re: Mwm title-drag crashes X server (SIGPIPE)\\nOrganization: VPI&SU Computer Science Department, Blacksburg, VA\\nLines: 33\\n\\nIn article <1993Apr20.144415.2153@ncar.ucar.edu> boote@eureka.scd.ucar.edu (Jeff W. Boote) writes:\\n >In article <4378@creatures.cs.vt.edu>, ramakris@csgrad.cs.vt.edu (S.Ramakrishnan) writes:\\n >> \\n >> Environment:\\n >> mach/arch : sparc/sun4 (IPX)\\n >> OS\\t: SunOS 4.1.3\\n >> X11\\t: X11R5 (patchlevel 22)\\n >> Motif\\t: 1.2.2\\n >> \\n >> I bring up X server using \\'startx\\' and /usr/bin/X11/Xsun. The following sequence\\n >> of actions crashes the X server (SIGPIPE, errno=32, \\'xinit\\' reports that connexion \\n >> to X server lost):\\n >\\n >I had this problem as well - It had to do with the CG6 graphics card that\\n >comes with the IPX. What fixed the problem for me was to apply the \"sunGX.uu\"\\n >that was part of Patch #7. Patch #1 also used this file so perhaps you\\n >didn\\'t apply the one that came with Patch #7.\\n >\\n >jeff\\n >-\\n >Jeff W. Boote *********************************\\n >Scientific Computing Division * There is nothing good or bad *\\n >National Center for Atmospheric Research * but thinking makes it so. *\\n >Boulder * Hamlet *\\n > *********************************\\n\\nThanx, Jeff. You\\'re a lifesaver. I imported the new sun GX emulator that came in\\nwith patch #7. The problem has since disappeared.\\n\\nThanx to der (schoene) Mouse for his help too.\\n\\n---\\nS Ramakrishnan, CS Dept, McBryde Hall, VaTech\\n',\n", + " 'From: andy@SAIL.Stanford.EDU (Andy Freeman)\\nSubject: Re: My Gun is like my American Express Card\\nOrganization: Computer Science Department, Stanford University.\\nDistribution: usa\\nLines: 32\\n\\nIn article <93110.165704U28037@uicvm.uic.edu> Jason Kratz writes:\\n>In article <1993Apr19.203606.27625@CSD-NewsHost.Stanford.EDU>,\\n>andy@SAIL.Stanford.EDU (Andy Freeman) says:\\n>>Wrong - there are people who can legally carry concealed in IL and\\n>>there are circumstances under which MANY people can carry concealed.\\n>>\\n>>Is accuracy really too much to expect?\\n>\\n>As I said before no it isn\\'t. In another post I referred to the Illinois\\n>statutes and how I looked up the law for concealed carry. I will type in the\\n>complete law and post later but I would like to prove that I was correct using\\n>accurate information so I will put sections down here now.\\n\\nGood - now let\\'s look at those sections. They\\'ll prove my point.\\n\\n> (a) A person commits the offense of unlawful use of weapons when he\\n>knowingly:\\n>\\n>(4) Carries or possesses in any vehicle or CONCEALED on or about his person\\n> except when on his land or in his own abode or fixed place of business\\n> any pistol, revolver, stun gun or taser or other firearm;\\n\\nNote that this doesn\\'t affect all concealed carry. (Look after the\\nword \"except\".) It always helps to read the law before commenting on\\nit.\\n\\nWould a prudent storekeeper carry concealed? How about someone at\\nhome? Note that both are legal, and a lot of \"common\" people qualify\\nfor one or the other.\\n\\n-andy\\n--\\n',\n", + " 'From: jet@netcom.Netcom.COM (J. Eric Townsend)\\nSubject: Re: Insurance and lotsa points...\\nIn-Reply-To: cjackson@adobe.com\\'s message of Mon, 19 Apr 1993 21:13:40 GMT\\nOrganization: Netcom Online Communications Service\\n\\t<1993Apr19.211340.12407@adobe.com>\\nLines: 25\\n\\n\"cjackson\" == Curtis Jackson writes:\\n\\ncjackson> I am very glad to know that none of you judgemental little shits has\\ncjackson> ridden/driven when too tired, sleepy, hungover, angry, or distracted\\ncjackson> in the last 3 years. Why, if you had then you might be just as guilty\\n\\nSome of us not-so judgmental little shits don\\'t drive/ride when we\\'re\\nimpaired. I stopped doing that sort of thing when a good friend of\\nmine got killed by a drunk driver who failed to stop for a red and\\ndrove through the side of her volvo in his \\'72 caddy.\\n\\nThen again, I suspect most of the responsible adults on the net don\\'t\\nbother posting in flame wars on rec.moto.\\n\\ncjackson> \"There is no justification for taking away individuals\\' freedom\\ncjackson> in the guise of public safety.\" -- Thomas Jefferson\\n\\nHe also owned slaves, kept some as forced concubines, and had enough\\nresources to do what he wanted without fear of reprisal. Then again,\\nhe also smoked dope.\\n-- \\njet@netcom.com -- J. Eric Townsend -- \\'92 R100R, DoD# (hafta kill you...)\\nThis is my fun account -- work email goes to jet@nas.nasa.gov\\n\"You got to put down the ducky if you wanna play saxophone.\"\\nSkate UNIX or die, boyo.\\n',\n", + " 'From: fswbl@aurora.alaska.edu\\nSubject: RE: Regular season 93/94 pool\\nLines: 29\\nNntp-Posting-Host: acad3.alaska.edu\\nOrganization: University of Alaska Fairbanks\\n\\nTHIS IS WHAT I CAME UP WITH USING THE FINAL REGULAR SEASON STATS FOR THE\\n92/93, WHICH YOU CAN FIND IN THE APRIL 22, 1993 EDITION OF THE USA TODAY!\\nTRY IT OUT AND SEE WHAT YOU COME UP WITH.....\\n\\n 1. ADAM OATES C BRUINS 145 PTS\\n 2. TEEMU SELANNE RW JETS 136 PTS\\n 3. ALEXANDER MOGILNY RW SABRES 131 PTS\\n 4. PAVEL BURE RW CANUCKS 116 PTS\\n 5. VINCENT DAMPHOUSSE LW CANADIANS 106 PTS\\n 6. DAVE ANDREYCHUK LW MAPLELEAFS 104 PTS\\n 7. PHIL HOUSLEY RD JETS 103 PTS\\n 8. PAUL COFFEY RD REDWINGS 94 PTS\\n 9. SERGEI FEDOROV C REDWINGS 94 PTS\\n10. ANDY MOOG G BRUINS 86 PTS\\n11. AL INFRATE RD CAPITIALS 82 PTS\\n12. PATRICK ROY G CANADIANS 76 PTS\\n13. AL MACINNIS LD FLAMES 60 PTS\\n14. DENNIS SAVARD C CANADIANS 59 PTS\\n15. CALLE JOHANSSON LD CAPITALS 50 PTS\\n16. YURI KHMYLEV LW SABRES 41 PTS\\n17. RICHARD SMEHLIK LD SABRES 36 PTS\\n------------------------------------------------\\n TOTAL POINTS 1519 PTS\\n\\nMOST VALUABLE PLAYER: ADAM OATES\\nROOKIE OF THE YEAR: TEEMU SELANNE\\nMOST IMPROVED PLAYER: VINCENT DAMPHOUSSE\\nDEFENSEMAN OF THE YEAR: PHIL HOUSLEY\\nGOALIE OF THE YEAR: PATRICK ROY\\n',\n", + " 'From: jks2x@holmes.acc.Virginia.EDU (Jason K. Schechner)\\nSubject: Foot switches for sale\\nOrganization: University of Virginia\\nLines: 11\\n\\n\\n\\tI have 2 foot switches for sale. They\\'re great for guitar\\namps, and keyboards. Each is about 1\" in diameter with a 6\\' (or so)\\ncable. I\\'d like $15 for both, but make me an offer, who knows...\\n\\n-Jason\\n-- \\nSettle down, raise a family join the PTA, \\nbuy some sensible shoes, and a Chevrolet\\nAnd party \\'till you\\'re broke and they drag you away. It\\'s ok.\\n\\t\\t\\t\\t\\tAl Yankovic\\n',\n", + " \"From: dil.admin@mhs.unc.edu (Dave Laudicina)\\nSubject: Re: head-to-head win and os/2\\nNntp-Posting-Host: dil.adp.unc.edu\\nOrganization: UNC Office of Information Technology\\nLines: 21\\n\\nI really think you are comparing apples and oranges. Nobody disputes\\nthat OS/2 has more big OS features. The question is Does an \\nindividual need the power. The sales of Windows vs OS/2 answer that\\nquestion. The next question is even if I did want to run OS/2\\nand I had this big monster machine to run it on, is there a diverse\\nset of applications to run on it that allow me to productviely do my\\nwork. Go to your local computer store to answer this one.\\nI think the comparison you need to be doing is NT vs OS2/2.1. This\\nis where the new battle lines will be drawn. Windows 3.1 has won\\nthe single user PC war the next one will be the client server\\nwar and the entries are NT, OS2/2.1, UNIX and Netware 4.0.\\nGranted these OS's will be eventually scaled down to be\\nattractive to the single user PC and that will probably be phase II'\\nof the war. Who wins only the marketplace will tell but it sure \\nis fun watching and arguing about it tho.\\nThx Dave L\\n\\n\\n\\n\\n\\n\",\n", + " \"From: m_klein@pavo.concordia.ca (CorelMARK!)\\nSubject: Re: Best Homeruns\\nNews-Software: VAX/VMS VNEWS 1.41 \\nNntp-Posting-Host: pavo1.concordia.ca\\nOrganization: Concordia University\\nLines: 18\\n\\nI haven't been following the previous HR's. But there are two, that I saw\\nlive that would have to be up there (up where? there!). \\n1) Rick Monday's HR to bury the Expos in the NL championship in 1981.\\nIt was hit off Steve Rogers, who is a RHP and primarily a starter.\\nWhy was he used as a reliever when the 'Spos had Reardon and BillLee\\nwarming up in the bullpen. Considering Monday couldn't touch LHP,\\nLee would have been a safe bet. He wasn't even doing any drugs at that\\ntime (or so he told me and around 50 others on a recent venture into \\nMontreal. The blast wasn't the important aspect. It was the timing.\\nSeventh game, a tie game, and in the top of the 9th. The Expos almost\\ncame back though...\\n2) Mike Schmidt hit one that killed the Expos in 1980. So close, yet, so\\nfar.\\nand\\n3) Strawberry killed a pitch on the second day of the season a couple of\\nyears ago. It went off the technical ring in the Big O. It almost left\\nthe stadium! That was hit HARD!!!\\n\\t\\t\\t\\tCorelMARK! \\n\",\n", + " 'From: news@news.claremont.edu (The News System)\\nSubject: re: Dead mouse ?\\nOrganization: Harvey Mudd College, Claremont CA 91711\\nLines: 1\\n\\n\\n',\n", + " \"From: queloz@bernina.ethz.ch (Ronald Queloz)\\nSubject: Store/Post events\\nOrganization: Swiss Federal Institute of Technology (ETH), Zurich, CH\\nLines: 31\\n\\n\\nstore and reply of mouse and keyboard events\\n--------------------------------------------\\n\\nTo produce regression tests or automatic demo's\\nwe would like to store all mouse and keyboard events\\nproduced by a user. It should be possible to filter\\nthe mouse and keyboard events from the server's queue\\nan to store them in a file.\\nThis sequence of events, stored in a file, should be given \\nto the server's queue as if a user is working.\\n\\n\\n1. Exists a tool that is capable to save and reply all\\n mouse and keyboard events (where)?\\n\\n2. Where one can catch these events to store them ?\\n In our case the server's queue is on a X Terminal (HP).\\n Where can we catch all events coming from a given\\n server.\\n If this is not possible, can we catch all events given\\n to a certain client and how ?\\n \\n3. Where one can send a stored sequence of events to simulate a user ?\\n Is there a central dispatcher on the clients machine who manages\\n all incoming events from a given server and how can we reach it ?\\n\\n\\nThanks in advance\\n\\nRon.\\n\",\n", + " \"From: baden@inqmind.bison.mb.ca (Baden de Bari)\\nSubject: Blue LED's\\nOrganization: The Inquiring Mind BBS 1 204 488-1607\\nLines: 19\\n\\n \\n So what's the story here... we're all stuck with the regular\\ngreen, red, and off yellow-orange LED's!? What gives!!??\\n Anybody have a 'scoop' on FAIRLY LOW PRICED >BLUE< LED's???\\n\\n ... just out of curiosity, of course ...\\n \\n \\n _________________________________________________\\n Inspiration | ___ |\\n comes to | \\\\ o baden@sys6626.bison.mb.ca |\\n those who | ( ^ ) baden@inqmind.bison.mb.ca |\\n seek the | /-\\\\ =] Baden de Bari [= |\\n unknown. | |\\n ------------------------------------------------- \\n \\n\\nbaden@inqmind.bison.mb.ca\\nThe Inquiring Mind BBS, Winnipeg, Manitoba 204 488-1607\\n\",\n", + " 'From: kempmp@phoenix.oulu.fi (Petri Pihko)\\nSubject: Re: Christian Morality is\\nOrganization: University of Oulu, Finland\\nX-Newsreader: TIN [version 1.1 PL6]\\nLines: 79\\n\\nDan Schaertel,,, (dps@nasa.kodak.com) wrote:\\n\\nSince this is alt.atheism, I hope you don\\'t mind if we strongly disagree...\\n\\n: The fact is God could cause you to believe anything He wants you to. \\n: But think about it for a minute. Would you rather have someone love\\n: you because you made them love you, or because they wanted to\\n: love you. The responsibility is on you to love God and take a step toward\\n: Him. He promises to be there for you, but you have to look for yourself.\\n\\nIndeed, \"knock and it shall be opened to you\". Dan, why didn\\'t this work?\\nI firmly believed in god for 15 years, but I eventually realised I was\\nonly deluding myself, fearful to face the truth. Ultimately, the only reason\\nwhat kept me believing was the fear of hell. The mental states I \\nhad sillily attributed to divine forces or devil\\'s attempts to \\ndestroy my faith were nothing more than my imagination, and it is easy\\nto achieve the same mental states at will. \\n\\nMy faith was just learned fear in a disguise.\\n\\n: Those who doubt this or dispute it have not givin it a sincere effort.\\n\\nGod is demanding too much. Dan, what was it I believed in for 15 years?\\nIf sincere effort is equivalent to active suspension of disbelief -\\nwhat it was in my case - I\\'d rather quit. If god does not help me to\\nkeep the faith, I can\\'t go on. \\n\\nBesides, I am concerned with god\\'s morality and mental health. Does\\nshe really want us to _believe_ in herself without any help (revelations,\\nguidance, or anything I can feel)? If she has created us, why didn\\'t\\nshe make the task any easier? Why are we supposed to love someone who\\nrefuses to communicate with us? What is the point of eternal torture\\nfor those who can\\'t believe?\\n\\nI love god just as much as she loves me. If she wants to seduce me,\\nshe\\'ll know what to do. \\n\\n: Simple logic arguments are folly. If you read the Bible you will see\\n: that Jesus made fools of those who tried to trick him with \"logic\".\\n: Our ability to reason is just a spec of creation. Yet some think it is\\n: the ultimate. If you rely simply on your reason then you will never\\n: know more than you do now. \\n\\nYour argument is of the type \"you\\'ll know once you try\".\\nYet there are many atheists who have sincerely tried, and believed\\nfor many years, but were eventually honest enough to admit that \\nthey had lived in a virtual reality.\\n\\nWhat else but reason I can use? I don\\'t have the spiritual means \\nChristians often refer to. My conscience disagrees with the Bible.\\nI don\\'t even believe I have a soul. I am fully dependent on my\\nbody - indeed, I _am_ this body. When it goes up with flames, so\\ndoes my identity. God can entertain herself with copies of me\\nif she wants.\\n\\n: To learn you must accept that which you don\\'t know.\\n\\nWhat does this mean? To learn you must accept that you don\\'t know \\nsomething, right-o. But to learn you must _accept_ something I don\\'t\\nknow, why? This is not the way I prefer to learn. It is unwise to\\nmerely swallow everything you read. Suppose I write a book telling\\nhow the Great Invisible Pink Unicorn (tm) has helped me in my\\ndaily problems, would you accept this, since you can\\'t know whether\\nit is true or not?\\n\\nNote that the GIPU is also omnipotent, omnipresent, and loves just\\nabout everyone. Besides, He (and She) is guiding every writer on this planet,\\nyou and me, and not just some people who write legendary stories\\n2000 years ago.\\n\\nYour god is just one aspect of His and Her Presence.\\n\\nPetri\\n\\n--\\n ___. .\\'*\\'\\'.* Petri Pihko kem-pmp@ Mathematics is the Truth.\\n!___.\\'* \\'.\\'*\\' \\' . Pihatie 15 C finou.oulu.fi Physics is the Rule of\\n \\' *\\' .* \\'* SF-90650 OULU kempmp@ the Game.\\n *\\' * .* FINLAND phoenix.oulu.fi -> Chemistry is The Game.\\n',\n", + " 'From: alizard@tweekco.uucp (A.Lizard)\\nSubject: Re: Rosicrucian Order(s) ?!\\nOrganization: Tweek-Com Systems BBS, Moraga, CA (510) 631-0615\\nLines: 32\\n\\nalamut@netcom.com (Max Delysid (y!)) writes:\\n\\n> In article <1qppef$i5b@usenet.INS.CWRU.Edu> ch981@cleveland.Freenet.Edu (Tony\\n> >\\n> > Name just three *really* competing Rosicrucian Orders. I have\\n> >probably spent more time than you doing the same. \\n> >\\n> > None of them are spin-offs from O.T.O. The opposite may be the\\n> >case. \\n> \\n> Can we assume from this statement that you are >unequivocally< saying that\\n> AMORC is not a spin off of OTO? .. and that in fact, OTO may well be a spin\\n> off of AMORC??\\n> i would be quite interested in hearing what evidence you have to support this\\n> claim. \\n> \\n> \\n\\nWell, there is a fair amount of evidence floating around that indicates\\nthat OTO has been around since at least the late 1800s, long before\\nCrowley ever heard of it, how long has AMORC been around? (yes, I know\\nthat they claim to have existed as an organization clear into prehistory,\\nbut I doubt that they have any organizational paperwork\\nas a non-profit that can be carbon-dated to 20,000 BC)\\n A.Lizard\\n\\n-------------------------------------------------------------------\\nA.Lizard Internet Addresses:\\nalizard%tweekco%boo@PacBell.COM (preferred)\\nPacBell.COM!boo!tweekco!alizard (bang path for above)\\nalizard@gentoo.com (backup)\\nPGP2.2 public key available on request\\n',\n", + " \"From: ferch@ucs.ubc.ca (Les Ferch)\\nSubject: Re: When is Apple going to ship CD300i's?\\nOrganization: The University of British Columbia\\nLines: 5\\nNNTP-Posting-Host: swiss.ucs.ubc.ca\\n\\nNote that if you get the external CD300 for your Centris or Q800 you will\\nmiss out on the sound mixing feature unless you are willing to run a wire\\nfrom the motherboard sound input connector to the stereo output on the CD. \\nConnecting to the sound input port on the back of the computer won't do\\nunless you can live with mono.\\n\",\n", + " \"From: paller@fedunix.org (Alan Paller)\\nSubject: Teacher for Windows NT?\\nOrganization: FedUNIX - Open Systems Conference Board - Washington D.C.\\nLines: 11\\n\\nWe are searching for one or two instructors for tutorials on advanced\\nWindows programming under NT. If anyone has attended a course that was\\nvery good, we would really appreciate recommendations.\\n\\nPlease email me directly at paller@fedunix.org; I don't get to see these\\nnewsgroups often enough.\\n\\nThanks in advance for any help.\\n\\nAlan Paller\\nTutorials Director\\n\",\n", + " 'From: iacovou@thufir.cs.umn.edu (Neophytos Iacovou)\\nSubject: Re: If You Feed Armenians Dirt -- You Will Bite Dust!\\nNntp-Posting-Host: thufir.cs.umn.edu\\nOrganization: University of Minnesota\\nLines: 34\\n\\nIn <1993Apr5.194120.7010@urartu.sdpa.org> dbd@urartu.sdpa.org (David Davidian) writes:\\n\\n>David Davidian says: Turkish officials came to Armenia last September and \\n>Armenia given assurances the Armenian nuclear plant would stay shut. Turkey\\n>promised Armenia electricity, and in the middle of December 1992, Turkey said\\n>sorry we were only joking. Armenia froze this past winter -- 30,000 Armenians\\n>lost their lives. Turkey claims it allowed \"humanitarian\" aid to enter Armenia\\n>through its border with Turkey. What did Turkey do, it replaced the high \\n>quality grain from Europe with \"crap\" from Turkey, mixed in dirt, and let that \\n>garbage through to Armenia -- 30,000 Armenians lost their lives!\\n\\n This is the latest from UPI \\n\\n Foreign Ministry spokesman Ferhat Ataman told journalists Turkey was\\n closing its air space to all flights to and from Armenia and would\\n prevent humanitarian aid from reaching the republic overland across\\n Turkish territory.\\n\\n \\n Historically even the most uncivilized of peoples have exhibited \\n signs of compassion by allowing humanitarian aid to reach civilian\\n populations. Even the Nazis did this much.\\n\\n It seems as though from now on Turkey will publicly pronounce \\n themselves \\'hypocrites\\' should they choose to continue their\\n condemnation of the Serbians.\\n\\n\\n\\n--\\n--------------------------------------------------------------------------------\\nNeophytos Iacovou \\nUniversity of Minnesota email: iacovou@cs.umn.edu \\nComputer Science Department ...!rutgers!umn-cs!iacovou\\n',\n", + " \"From: wilbanks@spot.Colorado.EDU (Kokopeli)\\nSubject: Re: Old Predictions to laugh at...\\nNntp-Posting-Host: spot.colorado.edu\\nOrganization: University of Colorado, Boulder\\nLines: 35\\n\\ntedward@cs.cornell.edu (Edward [Ted] Fischer) writes:\\n\\n\\n>From jpalmer@uwovax.uwo.ca Thu Sep 12 10:35:58 1991\\n>>\\n\\n>>Ron Hassey will be a minor league manager with the Yankees.\\n\\n>Dunno what happened to him.\\n\\nMaybe I can help you. He's a major league coach with the Rockies.\\nSo above prediction is doubly wrong.\\n\\nMy prediction: The Red Sox-Cubs Series and Vikings-Broncos SuperBore will\\noccur at the end of the world.\\n\\nAnd one Rockie will finish in the top 10 of an offensive catagory this \\nyear.\\n\\nAnd no Rockie starter will have an ERA below 3.50.\\n\\nAnd the Rangers fade will not begin until...August. They'll give way\\nto the Angels. But still challenge to the end.\\n\\nReally. Not making any of this up. If I am, may God strike me down *ZZZZZZT*\\n\\n>------------------------------------------------------------------------------\\n\\n>Thanks for listening!\\n>-Valentine\\n-- \\nDylan Wilbanks, Environ. Con : The official USENET rabid fan of the \\nmajor, U of Colorado, Boulder: Colorado Rockies. Clip this .sig for \\nPO Box 1143, Boulder, CO : 20% off on your next Rockies woof!!!\\n80306-1143. Life is bigger. : (this space intenionally blank)\\n\",\n", + " 'From: mhollowa@ic.sunysb.edu (Michael Holloway)\\nSubject: Re: Homeopathy: a respectable medical tradition?\\nKeywords: Yes, SCIENCE, stupid!\\nNntp-Posting-Host: engws5.ic.sunysb.edu\\nOrganization: State University of New York at Stony Brook\\nLines: 75\\n\\nIn article homer@tripos.com (Webster Homer) writes:\\n>mhollowa@ic.sunysb.edu (Michael Holloway) writes:\\n>\\n>>Here\\'s your error. I really do think this shows some confusion on your\\n>>part. (Drum roll please) Science isn\\'t so much the gathering of evidence\\n>>to support an \"assertion\" (read: hypothesis) as it is the gathering of\\n>>empirical observations IN ORDER TO MAKE AN HYPOTHESIS. What should\\n>>convince you (or not) shouldn\\'t be the final product so much as *HOW* the\\n>>product was made. \\n>>\\n>Here\\'s your error. There is no observation or hypothesis that is not tainted\\n>by theory. I have a theory, I make observations, those observations will be\\n>made with my theory in mind. \\n\\nYes, absolutely, though I\\'d make the observation in a more general sense of\\nall observations are made by human beings and therefore made with various\\nbiases. \\n\\nBut here your message leaves talk of hypothesis and gets back, once again, \\nto equating the business of science with the end result, the gizmo produced.\\n\\n>Science works very well at developing theories\\n>within paradigms, but is very poor at dealing with paradigm shifts. If I \\n>develop a novel paradigm that explains homeopathy, chinese medicine, or \\n>spontaneous combustion. If the paradigm is useful it will show me the way\\n>to make observations that \"prove\" or \"disprove\" it.\\n\\nMy point isn\\'t so much whether or not you have a novel paradigm but *how* \\nyou come about developing it.\\n\\n>The paradigm of modern medicine is that the body can be reduced to a set of\\n>essentially mechanical operations wherein disease is seen as malfunctions in\\n>the machinery, essentially the old Newtonian model of the world. It seems\\n>likely that theories based upon this paradigm do not give a complete \\n>discription of the universe, medicine, healing etc... Indeed we now \\n>recognize an important psychological component to healing. \\n\\nPerhaps you\\'d admit that this is an oversimplification on your part (the topic\\nof the philosophy of science is made for them, I\\'m making them too) but I\\nthink that it also summarizes popular misconceptions of science and the \\nbusiness of doing science. Biomedical research doesn\\'t make any basic \\nassumptions that aren\\'t the same as any other discipline of scientific\\nresearch. That is, that you make empirical observations, form an hypothesis\\nand test it. Modern medicine has much more to do with biochemistry than \\n\"the old Newtonian model of the world\". And I doubt that many psychologists\\nwould appreciate being put outside this empirical \"world view\". Psychology\\nalso has more to do with biochemistry than spoon bending. \\n\\n>It is also important to distinguish reason from science. Science may be\\n>reasonable, but so are many non-scientific methodologies. Aristotle reasoned\\n>that frogs came from mud by observing one hop out of a puddle. \\n\\nOversimplified, of course, but a good example. This is an empirical observa-\\ntion. It was then tested, though perhaps not by Aristotle, and eventually \\nfound wanting. In the meantime, some folk will \\nhave continued to believe in the spontaneous generation of animal life. \\nThere\\'s nothing at all surprising about this, it\\'s the way the gathering of\\nknowledge works. There are probably more than a few things in my own \\ndiscipline of molecular biology that will be found to be totally off-base,\\neven idiotic, to someone in the future. These future people won\\'t have come\\nto these relevations because they had suddenly gone all Zen-like and had \\na vision in an LSD trip. Someone will have thought of something new and \\ntested it. This is the bit that people who seem to relish misrepresenting\\nscience and research can\\'t seem to wrap their minds around. Science is a \\ncreative process. What I think of as factual and good research can be totally\\nturned on its head tommorrow by new results and theories. \\n\\nAgain, I think it gets down to defining what you mean by \"science\". I often\\ndon\\'t recognize what it is that I do, and am involved in, in the way science\\nis portrayed by popular media or writings of people in the humanities. They\\nportray science as a collection of immutable facts, pronouncements of TRUTH\\nin big gold letters. That\\'s silly. Its as though we just go into the lab,\\nturn over a stone, and come up with a mechanism for transcriptional regula-\\ntion. Its much more interesting than that. It really is a very human\\nprocess.\\n',\n", + " \"From: jth@bach.udel.edu (Jay Thomas Hayes)\\nSubject: IBM Hardware Forsale\\nNntp-Posting-Host: bach.udel.edu\\nDitribution: usa\\nOrganization: University of Delaware\\nLines: 13\\n\\n\\n\\n\\tI have the following IBM hardware forsale\\n\\n\\tATI VgaWonderXl24 - This is a great card, it supports 1024x768 256 colors, 800x600 32k colors, and 640x480 16 million colors. I found that it also speed up windows considerably. I'm asking $100 o.b.o. for this card.\\n\\n\\n\\tI also have 2 2400 baud modems. I have Docs for both but I don't have the original boxes. Both work fine and I'd like to get $25 each or $40 for both.\\n\\n\\tPlease e-mail all replies to jth@bach.udel.edu\\n\\tThanks,\\n\\tJay\\n\\n\",\n", + " 'From: s872505@minyos.xx.rmit.OZ.AU (Stephen Bokor)\\nSubject: Re: A: DRIVE WON\\'T BOOT\\nOrganization: Royal Melbourne Institute of Technology\\nLines: 36\\nNNTP-Posting-Host: minyos.xx.rmit.oz.au\\n\\nbalog@eniac.seas.upenn.edu (Eric J Balog) writes:\\n\\n>Hi!\\n\\n>I recently switched my 3.5\" drive to A:. The problem is, while I can read and\\n>write to both the new A: and B: correctly, I can\\'t boot from a floppy in A:.\\n>I\\'ve checked the CMOS settings; it is set for Floppy Seek at Boot and Boot \\n>Order A:,C:. \\n\\n>Once, I had a floppy that did not have the systems files on it in A:. I got a\\n>message telling me to put a disk systems disk in the drive. It didn\\'t work.\\n>When I do have a systems disk in the A: drive, this is what happens:\\n>1) Power-on and Memory Test;\\n>2) A: light comes on\\n>3) B: light comes on, followed by a short beep;\\n>4) HD light comes on for an instant;\\n>5) B: light comes on again, then nothing happens\\n\\n>The light goes off, there is no disk activity of any kind, and the screen \\n>blanks. I can\\'t even use ctrl-alt-del.\\n\\n>Any suggestions.\\n\\nHave you checked: 1/ The setting of drive A: to 1.44 M floppy.\\n\\t\\t\\t\\t\\t\\t2/ The setting of drive B: to 1.2 M foppy.\\n\\t\\t\\t\\t\\t\\t3/ The cable connecting the two drives to\\n\\t\\t\\t\\t\\t\\tthe controller card (I can\\'t remember which\\n\\t\\t\\t\\t\\t\\ttwo wires are swapped, but they determine\\n\\t\\t\\t\\t\\t\\twhich is drive A: & b:).\\n\\nI hope this is of some help :-)\\n\\n\\nSteve\\n\\ns872505@minyos.xx.oz.au\\n',\n", + " 'From: astein@nysernet.org (Alan Stein)\\nSubject: Re: Hamza Salah, the Humanist\\nOrganization: NYSERNet, Inc.\\nLines: 16\\n\\ndzk@cs.brown.edu (Danny Keren) writes:\\n\\n>cl056@cleveland.Freenet.Edu (Hamaza H. Salah) writes:\\n\\n># Well said Mr. Beyer :)\\n\\n>He-he. The great humanist speaks. One has to read Mr. Salah\\'s posters,\\n>in which he decribes Jews as \"sons of pigs and monkeys\", keeps\\n>promising the \"final battle\" between Muslims and Jews (in which the\\n>stons and the trees will \"cry for the Muslims to come and kill the\\n>Jews hiding behind them\"), makes jokes about Jews dying from heart\\n>attacks etc, to realize his objective stance on the matters involved.\\n\\nHumanist, or sub-humanist? :-)\\n-- \\nAlan H. Stein astein@israel.nysernet.org\\n',\n", + " \"From: francis@ircam.fr (Joseph Francis)\\nSubject: Re: Can't wear contacts after RK/PRK?\\nKeywords: radial,keratotomy,contact,lenses\\nOrganization: IRCAM, Paris (France)\\nLines: 45\\n\\nIn article <1993Apr16.063425.163999@zeus.calpoly.edu> dfield@flute.calpoly.edu (InfoSpunj (Dan Field)) writes:\\n>I love the FAQ. \\n>\\n>The comment about contact lenses not being an option for any remaining\\n>correction after RK and possibly after PRK is interresting. Why is\\n>this? Does anyone know for sure whether this applies to PRK as well?\\n\\nI've had PRK.\\n\\nI would suggest asking a doctor about contacts. Mine said yes to\\ncontacts. I think the scars from RK would preclude contacts.\\n\\n>Also, why is it possible to get a correction in PRK with involvement of\\n>only about 5% of the corneal depth, while RK is done to a depth of up to\\n>95%? Why such a difference? I thought the proceedures were simmilar\\n>with the exception of a laser being the cutting tool in PRK. I must not\\n>be understanding all of the differences.\\n\\nNo. RK makes radial cuts around the circumference of the cornea, up to\\n8 I think, and these change the curvature of the cornea through stress\\nchages. PRK vaporizes (burns) away a thin layer from the front of the\\ncornea making the optical axis of the eye shorter. The laser doesn't\\ncut in PRK, it vaporizes. In RK, the eye is cut into.\\n\\n>In the FAQ, the vision was considered less clear after the surgery than\\n>with glasses alone. If this is completly attributable to the\\n>intentional slight undercorrection, then it can be compensated for when\\n>necessary with glasses (or contacts, if they CAN be worn afterall!). It\\n>is important to know if that is not the case, however, and some other\\n>consequence of the surgery would often interfere with clear vision. The\\n>first thing that came to my mind was a fogging of the lense, which\\n>glasses couldn't help. \\n>\\n>would not help.\\n\\nI find my vision is more clear for some things, and less clear for\\nothers, only at night. I notice a definite haloing at night in the\\ndarkness when I look at automobile headlamps, though this is not\\nsomething I spend inordinate amounts of time doing. For ordinary\\nthings, my vision, in particular having a fully-operating peripheral\\nvision, is clearer than with glasses, or contacts.\\n\\n-- \\n| Le Jojo: Fresh 'n' Clean, speaking out to the way you want to live\\n| today; American - All American; doing, a bit so, and even more so.\\n\",\n", + " 'From: carolan@owlnet.rice.edu (Bryan Carolan Dunne)\\nSubject: Re: Program manager ** two questions\\nOrganization: Rice University\\nLines: 4\\n\\nActually, with several sharware utilities, you cn change both. My fav is\\nPlug-In.\\n\\nbryan dunne\\n',\n", + " 'From: Wayne Alan Martin \\nSubject: Re: What do Nuclear Site\\'s Cooling Towers do?\\nOrganization: Senior, Electrical and Computer Engineering, Carnegie Mellon, Pittsburgh, PA\\nLines: 60\\nDistribution: world\\nNNTP-Posting-Host: po2.andrew.cmu.edu\\nIn-Reply-To: <79694@cup.portal.com>\\n\\nExcerpts from netnews.sci.electronics: 16-Apr-93 Re: What do Nuclear\\nSite\\'s .. by R_Tim_Coslet@cup.portal. \\n> From: R_Tim_Coslet@cup.portal.com\\n> Subject: Re: What do Nuclear Site\\'s Cooling Towers do?\\n> Date: Fri, 16 Apr 93 21:27:21 PDT\\n> \\n> In article: <1qlg9o$d7q@sequoia.ccsd.uts.EDU.AU>\\n> swalker@uts.EDU.AU (-s87271077-s.walker-man-50-) wrote:\\n> >I really don\\'t know where to post this question so I figured that\\n> >this board would be most appropriate.\\n> >I was wondering about those massive concrete cylinders that\\n> >are ever present at nuclear poer sites. They look like cylinders\\n> >that have been pinched in the middle. Does anybody know what the\\n> >actual purpose of those things are?. I hear that they\\'re called\\n> >\\'Cooling Towers\\' but what the heck do they cool?\\n> \\n> Except for their size, the cooling towers on nuclear power plants\\n> are vertually identical in construction and operation to cooling\\n> towers designed and built in the 1890\\'s (a hundred years ago) for\\n> coal fired power plants used for lighting and early electric railways.\\n> \\n> Basicly, the cylindrical tower supports a rapid air draft when\\n> its air is heated by hot water and/or steam circulating thru a network\\n> of pipes that fill about the lower 1/3 of the tower. To assist cooling\\n> and the draft, water misters are added that spray cold water over the\\n> hot pipes. The cold water evaporates, removing the heat faster than\\n> just air flow from the draft would and the resulting water vapor is\\n> rapidly carried away by the draft. This produces the clouds frequently\\n> seen rising out of these towers.\\n> \\n> That slight pinch (maybe 2/3 of the way up the tower) is there because\\n> it produces a very significant increase in the strength and rate of\\n> the air draft produced, compared to a straight cylinder shape.\\n> \\n> The towers are used to recondense the steam in the sealed steam\\n> system of the power plant so that it can be recirculated back to the\\n> boiler and used again. The wider the temperature difference across\\n> the turbines used in the power plant the more effecient they are and\\n> by recondensing the steam in the cooling towers before sending it\\n> back to the boilers you maintain a very wide temperature difference\\n> (sometimes as high as 1000 degrees or more from first stage \"hot\"\\n> turbine to final stage \"cold\" turbine).\\n> \\n> R. Tim Coslet\\n> \\n> Usenet: R_Tim_Coslet@cup.portal.com\\n> technology, n. domesticated natural phenomena\\n\\nGreat Explaination, however you left off one detail, why do you always\\nsee them at nuclear plants, but not always at fossil fuel plants. At\\nnuclear plants it is prefered to run the water closed cycle, whereas\\nfossil fuel plants can in some cases get away with dumping the hot\\nwater. As I recall the water isn\\'t as hot (thermodynamically) in many\\nfossil fuel plants, and of course there is less danger of radioactive\\ncontamination.\\n\\nWayne Martin\\n\\n\\n\\n',\n", + " ...]" + ] + }, + "execution_count": 42, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# vv = TfidfVectorizer()\n", + "# ff = vv.fit_transform(data.data)\n", + "# analyze = vv.build_analyzer()\n", + "# vv.get_feature_names()\n", + "# ff.toarray()\n", + "# vv.vocabulary_.get('hello')\n", + "data.data" + ] + }, + { + "cell_type": "code", + "execution_count": 70, + "metadata": {}, + "outputs": [], + "source": [ + "categories = ['alt.atheism', 'talk.religion.misc', 'comp.graphics', 'sci.space']\n", + "data_train = fetch_20newsgroups(subset='train', categories=categories, remove=('headers', 'footers', 'quotes'))\n", + "data_test = fetch_20newsgroups(subset='test', categories=categories, remove=('headers', 'footers', 'quotes'))\n" + ] + }, + { + "cell_type": "code", + "execution_count": 151, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Users/shahd/anaconda3/lib/python3.7/site-packages/sklearn/feature_extraction/hashing.py:102: DeprecationWarning: the option non_negative=True has been deprecated in 0.19 and will be removed in version 0.21.\n", + " \" in version 0.21.\", DeprecationWarning)\n", + "/Users/shahd/anaconda3/lib/python3.7/site-packages/sklearn/feature_extraction/hashing.py:102: DeprecationWarning: the option non_negative=True has been deprecated in 0.19 and will be removed in version 0.21.\n", + " \" in version 0.21.\", DeprecationWarning)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "accuracy: 0.832\n", + "11314\n", + " (0, 54814)\t0.31330417999518295\n", + " (0, 57721)\t0.07832604499879574\n", + " (0, 66007)\t0.07832604499879574\n", + " (0, 87643)\t0.07832604499879574\n", + " (0, 97424)\t0.07832604499879574\n", + " (0, 112243)\t0.07832604499879574\n", + " (0, 113308)\t0.07832604499879574\n", + " (0, 132949)\t0.07832604499879574\n", + " (0, 146963)\t0.07832604499879574\n", + " (0, 151854)\t0.07832604499879574\n", + " (0, 164925)\t0.07832604499879574\n", + " (0, 174160)\t0.07832604499879574\n", + " (0, 175620)\t0.07832604499879574\n", + " (0, 205902)\t0.07832604499879574\n", + " (0, 212618)\t0.07832604499879574\n", + " (0, 222439)\t0.15665208999759148\n", + " (0, 226326)\t0.2349781349963872\n", + " (0, 248062)\t0.07832604499879574\n", + " (0, 259174)\t0.07832604499879574\n", + " (0, 271108)\t0.15665208999759148\n", + " (0, 286674)\t0.15665208999759148\n", + " (0, 316633)\t0.07832604499879574\n", + " (0, 317090)\t0.15665208999759148\n", + " (0, 324643)\t0.07832604499879574\n", + " (0, 326256)\t0.07832604499879574\n", + " :\t:\n", + " (0, 678600)\t0.07832604499879574\n", + " (0, 679272)\t0.07832604499879574\n", + " (0, 688861)\t0.07832604499879574\n", + " (0, 690484)\t0.07832604499879574\n", + " (0, 706392)\t0.07832604499879574\n", + " (0, 714993)\t0.3916302249939787\n", + " (0, 751572)\t0.07832604499879574\n", + " (0, 772023)\t0.15665208999759148\n", + " (0, 811745)\t0.07832604499879574\n", + " (0, 822308)\t0.07832604499879574\n", + " (0, 845685)\t0.07832604499879574\n", + " (0, 873781)\t0.07832604499879574\n", + " (0, 875974)\t0.15665208999759148\n", + " (0, 912710)\t0.07832604499879574\n", + " (0, 931615)\t0.07832604499879574\n", + " (0, 935275)\t0.31330417999518295\n", + " (0, 949069)\t0.07832604499879574\n", + " (0, 949246)\t0.15665208999759148\n", + " (0, 950184)\t0.07832604499879574\n", + " (0, 957657)\t0.15665208999759148\n", + " (0, 959514)\t0.07832604499879574\n", + " (0, 968882)\t0.07832604499879574\n", + " (0, 972693)\t0.07832604499879574\n", + " (0, 1011899)\t0.07832604499879574\n", + " (0, 1021257)\t0.2349781349963872\n" + ] + } + ], + "source": [ + "from scipy.sparse import coo_matrix, hstack\n", + "y_train, y_test = data_train.target, data_test.target\n", + "vectorizer = HashingVectorizer(stop_words='english', non_negative=True)\n", + "X_train = vectorizer.transform(data_train.data)\n", + "X_test = vectorizer.transform(data_test.data)\n", + "\n", + "clf = MultinomialNB(alpha=.01)\n", + "clf.fit(X_train, y_train)\n", + "pred = clf.predict(X_test)\n", + "score = metrics.accuracy_score(y_test, pred)\n", + "print(\"accuracy: %0.3f\" % score)\n", + "print(X_train.shape[0])\n", + "X_col= []\n", + "for i, col in enumerate(X_train):\n", + "# print (col)\n", + "# print(X_train[col,:])\n", + " X_col = X_train[i]\n", + " if X_col is not None:\n", + " if i == 0:\n", + " X_new = X_col\n", + " else:\n", + " X_new = hstack((X_new, X_col))\n", + "print(X_train[1])\n", + " \n", + "\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 153, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[0. 0. 0. ... 0. 0. 0.]\n", + " [0. 0. 0. ... 0. 0. 0.]\n", + " [0. 0. 0. ... 0. 0. 0.]\n", + " ...\n", + " [0. 0. 0. ... 0. 0. 0.]\n", + " [0. 0. 0. ... 0. 0. 0.]\n", + " [0. 0. 0. ... 0. 0. 0.]]\n" + ] + } + ], + "source": [ + "print(X_train.toarray())\n" + ] + }, + { + "cell_type": "code", + "execution_count": 84, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "accuracy: 0.777\n" + ] + } + ], + "source": [ + "y_train, y_test = data_train.target, data_test.target\n", + "vectorizer = CountVectorizer(stop_words='english',)\n", + "\n", + "# cvec = CountVectorizer()\n", + "# train_data_features=cvec.fit(data_train.data)\n", + "# cvecdata= cvec.transform(data_train.data)\n", + "# df=pd.DataFrame(cvecdata.todense(),columns=cvec.get_feature_names())\n", + "\n", + "X_train = vectorizer.fit_transform(data_train.data)\n", + "X_test = vectorizer.transform(data_test.data)\n", + "\n", + "clf = MultinomialNB(alpha=.01)\n", + "clf.fit(X_train, y_train)\n", + "pred = clf.predict(X_test)\n", + "score = metrics.accuracy_score(y_test, pred)\n", + "print(\"accuracy: %0.3f\" % score)" + ] + }, + { + "cell_type": "code", + "execution_count": 86, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "accuracy: 0.786\n" + ] + } + ], + "source": [ + "from sklearn.feature_extraction.text import TfidfVectorizer\n", + "y_train, y_test = data_train.target, data_test.target\n", + "vectorizer = TfidfVectorizer(stop_words='english',)\n", + "\n", + "# cvec = CountVectorizer()\n", + "# train_data_features=cvec.fit(data_train.data)\n", + "# cvecdata= cvec.transform(data_train.data)\n", + "# df=pd.DataFrame(cvecdata.todense(),columns=cvec.get_feature_names())\n", + "\n", + "X_train = vectorizer.fit_transform(data_train.data)\n", + "X_test = vectorizer.transform(data_test.data)\n", + "\n", + "clf = MultinomialNB(alpha=.01)\n", + "clf.fit(X_train, y_train)\n", + "pred = clf.predict(X_test)\n", + "score = metrics.accuracy_score(y_test, pred)\n", + "print(\"accuracy: %0.3f\" % score)" + ] + }, + { + "cell_type": "code", + "execution_count": 64, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "None\n" + ] + } + ], + "source": [ + "from sklearn.feature_extraction.text import HashingVectorizer\n", + "import pandas as pd\n", + "# hv = HashingVectorizer()\n", + "# hv.transform(data.data)\n", + "\n", + "hv = HashingVectorizer()\n", + "train_data_features=hv.fit(data_train.data)\n", + "cvecdata= hv.transform(data_train.data)\n", + "df=pd.DataFrame(cvecdata.todense(),columns=hv.get_stop_words())\n", + "\n", + "print(hv.get_stop_words())" + ] + }, + { + "cell_type": "code", + "execution_count": 65, + "metadata": {}, + "outputs": [ + { + "ename": "SyntaxError", + "evalue": "invalid syntax (, line 1)", + "output_type": "error", + "traceback": [ + "\u001b[0;36m File \u001b[0;32m\"\"\u001b[0;36m, line \u001b[0;32m1\u001b[0m\n\u001b[0;31m from sklearn.linear_model import LogisticRegression y=data_train.target\u001b[0m\n\u001b[0m ^\u001b[0m\n\u001b[0;31mSyntaxError\u001b[0m\u001b[0;31m:\u001b[0m invalid syntax\n" + ] + } + ], + "source": [ + "from sklearn.linear_model import LogisticRegression y=data_train.target\n", + "model=LogisticRegression()\n", + "log_model=model.fit(df,y)\n", + "X_test=cvec.transform(data_test.data)\n", + "y_test=data_test.target\n", + "log_model.score(X_test,y_test)" + ] + }, + { + "cell_type": "code", + "execution_count": 73, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(2034, 1048576)" + ] + }, + "execution_count": 73, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "X_train.shape" + ] + }, + { + "cell_type": "code", + "execution_count": 41, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['alt.atheism', 'comp.graphics', 'comp.os.ms-windows.misc', 'comp.sys.ibm.pc.hardware', 'comp.sys.mac.hardware', 'comp.windows.x', 'misc.forsale', 'rec.autos', 'rec.motorcycles', 'rec.sport.baseball', 'rec.sport.hockey', 'sci.crypt', 'sci.electronics', 'sci.med', 'sci.space', 'soc.religion.christian', 'talk.politics.guns', 'talk.politics.mideast', 'talk.politics.misc', 'talk.religion.misc']\n" + ] + } + ], + "source": [ + "data_train = fetch_20newsgroups(subset='all')\n", + "print (data_train.target_names)" + ] + }, + { + "cell_type": "code", + "execution_count": 93, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "1969\n", + "973\n", + "985\n", + "799\n", + "['alt.atheism', 'comp.graphics', 'comp.os.ms-windows.misc', 'comp.sys.ibm.pc.hardware', 'comp.sys.mac.hardware', 'comp.windows.x', 'misc.forsale', 'rec.autos', 'rec.motorcycles', 'rec.sport.baseball']\n" + ] + } + ], + "source": [ + "cats = ['alt.atheism', 'comp.graphics', 'comp.os.ms-windows.misc', 'comp.sys.ibm.pc.hardware', 'comp.sys.mac.hardware', 'comp.windows.x', 'misc.forsale', 'rec.autos', 'rec.motorcycles', 'rec.sport.baseball', 'rec.sport.hockey', 'sci.crypt', 'sci.electronics', 'sci.med', 'sci.space', 'soc.religion.christian', 'talk.politics.guns', 'talk.politics.mideast', 'talk.politics.misc', 'talk.religion.misc']\n", + "# for x in cats:\n", + "x1 = fetch_20newsgroups(subset='all', categories=[ 'comp.sys.ibm.pc.hardware', 'sci.space' ])\n", + "print(len(x1.data))\n", + "x1 = fetch_20newsgroups(subset='all', categories=['comp.graphics'])\n", + "print(len(x1.data))\n", + "x1 = fetch_20newsgroups(subset='all', categories=['comp.os.ms-windows.misc'])\n", + "print(len(x1.data))\n", + "x1 = fetch_20newsgroups(subset='all', categories=['alt.atheism'])\n", + "print(len(x1.data))\n", + "print(cats[:10])" + ] + }, + { + "cell_type": "code", + "execution_count": 113, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(9645, 121409)" + ] + }, + "execution_count": 113, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "x1 = fetch_20newsgroups(subset='all' ,categories =['alt.atheism', 'comp.graphics', 'comp.os.ms-windows.misc', 'comp.sys.ibm.pc.hardware', 'comp.sys.mac.hardware', 'comp.windows.x', 'misc.forsale', 'rec.autos', 'rec.motorcycles', 'rec.sport.baseball'])\n", + "vectorizer = TfidfVectorizer(stop_words='english',)\n", + "X_train = vectorizer.fit_transform(x1.data)\n", + "X_train.shape" + ] + }, + { + "cell_type": "code", + "execution_count": 109, + "metadata": {}, + "outputs": [], + "source": [ + "from scipy.sparse import coo_matrix, vstack\n", + "# df.ap x1.data[:50])\n", + "# x1.append(x1)\n", + "x1 = X_train[0,:1000000]\n", + "x2 = X_train[1,:1000000]\n", + "x3 = X_train[2,:1000000]\n", + "x4 = X_train[3,:1000000]\n", + "x5 = X_train[4,:1000000]\n", + "x6 = X_train[5,:1000000]\n", + "x7 = X_train[6,:1000000]\n", + "x8 = X_train[7,:1000000]\n", + "x9 = X_train[8,:1000000]\n", + "x10 = X_train[9,:1000000]\n", + "# print(x1)\n", + "xx = vstack([x1, x2, x3, x4, x5, x6, x7, x8, x9, x10])\n", + "newc= cats[:10]" + ] + }, + { + "cell_type": "code", + "execution_count": 110, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['alt.atheism', 'comp.graphics', 'comp.os.ms-windows.misc', 'comp.sys.ibm.pc.hardware', 'comp.sys.mac.hardware', 'comp.windows.x', 'misc.forsale', 'rec.autos', 'rec.motorcycles', 'rec.sport.baseball']\n" + ] + } + ], + "source": [ + "print(newc)" + ] + }, + { + "cell_type": "code", + "execution_count": 123, + "metadata": {}, + "outputs": [ + { + "ename": "ValueError", + "evalue": "Found input variables with inconsistent numbers of samples: [5790, 10]", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mValueError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 17\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 18\u001b[0m \u001b[0mclf\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mMultinomialNB\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0malpha\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m.01\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 19\u001b[0;31m \u001b[0mclf\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mfit\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mX_train\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0my_train\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 20\u001b[0m \u001b[0mpred\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mclf\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mpredict\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mX_test\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 21\u001b[0m \u001b[0mscore\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mmetrics\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0maccuracy_score\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0my_test\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mpred\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/anaconda3/lib/python3.7/site-packages/sklearn/naive_bayes.py\u001b[0m in \u001b[0;36mfit\u001b[0;34m(self, X, y, sample_weight)\u001b[0m\n\u001b[1;32m 583\u001b[0m \u001b[0mself\u001b[0m \u001b[0;34m:\u001b[0m \u001b[0mobject\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 584\u001b[0m \"\"\"\n\u001b[0;32m--> 585\u001b[0;31m \u001b[0mX\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0my\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mcheck_X_y\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mX\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0my\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'csr'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 586\u001b[0m \u001b[0m_\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mn_features\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mX\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mshape\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 587\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/anaconda3/lib/python3.7/site-packages/sklearn/utils/validation.py\u001b[0m in \u001b[0;36mcheck_X_y\u001b[0;34m(X, y, accept_sparse, accept_large_sparse, dtype, order, copy, force_all_finite, ensure_2d, allow_nd, multi_output, ensure_min_samples, ensure_min_features, y_numeric, warn_on_dtype, estimator)\u001b[0m\n\u001b[1;32m 755\u001b[0m \u001b[0my\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0my\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mastype\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mnp\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mfloat64\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 756\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 757\u001b[0;31m \u001b[0mcheck_consistent_length\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mX\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0my\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 758\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 759\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mX\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0my\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/anaconda3/lib/python3.7/site-packages/sklearn/utils/validation.py\u001b[0m in \u001b[0;36mcheck_consistent_length\u001b[0;34m(*arrays)\u001b[0m\n\u001b[1;32m 228\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0muniques\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;34m>\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 229\u001b[0m raise ValueError(\"Found input variables with inconsistent numbers of\"\n\u001b[0;32m--> 230\u001b[0;31m \" samples: %r\" % [int(l) for l in lengths])\n\u001b[0m\u001b[1;32m 231\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 232\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mValueError\u001b[0m: Found input variables with inconsistent numbers of samples: [5790, 10]" + ] + } + ], + "source": [ + "clf_mnb = MultinomialNB(alpha=.01)\n", + "y_train =['alt.atheism', 'comp.graphics', 'comp.os.ms-windows.misc', 'comp.sys.ibm.pc.hardware', 'comp.sys.mac.hardware', 'comp.windows.x', 'misc.forsale', 'rec.autos', 'rec.motorcycles', 'rec.sport.baseball']\n", + "\n", + "\n", + "# score = -1.0 * cross_val_score(clf_mnb, XX, y, cv=5, scoring=\"neg_mean_squared_error\")\n", + "# print (\"MultinomialNB 10-Cross Validation Score before feature selection:\",cross_val_score(clf_mnb, X_train, ['alt.atheism', 'comp.graphics', 'comp.os.ms-windows.misc', 'comp.sys.ibm.pc.hardware', 'comp.sys.mac.hardware', 'comp.windows.x', 'misc.forsale', 'rec.autos', 'rec.motorcycles', 'rec.sport.baseball'], cv=5, scoring='accuracy').mean())\n", + "# print(\"CV MSE after feature selection: {:.2f}\".format(np.mean(score)))\n", + "# X_train = vectorizer.fit_transform(data_train.data)\n", + "data_test = fetch_20newsgroups(subset='test' ,categories =y_train)\n", + "data_train = fetch_20newsgroups(subset='train' ,categories =y_train)\n", + "\n", + "vectorizer = TfidfVectorizer(stop_words='english',)\n", + "X_train = vectorizer.fit_transform(data_train.data)\n", + "X_test = vectorizer.transform(data_test.data)\n", + "\n", + "\n", + "\n", + "clf = MultinomialNB(alpha=.01)\n", + "clf.fit(X_train, y_train)\n", + "pred = clf.predict(X_test)\n", + "score = metrics.accuracy_score(y_test, pred)\n", + "print(\"accuracy: %0.3f\" % score)" + ] + }, + { + "cell_type": "code", + "execution_count": 131, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Predicted Class Labels: [7 5 5 ... 5 1 6]\n", + "Classification Accuracy: 0.8440985732814527\n", + "MultinomialNB 10-Cross Validation : 0.911246336132268\n" + ] + } + ], + "source": [ + "y_train =['alt.atheism', 'comp.graphics', 'comp.os.ms-windows.misc', 'comp.sys.ibm.pc.hardware', 'comp.sys.mac.hardware', 'comp.windows.x', 'misc.forsale', 'rec.autos', 'rec.motorcycles', 'rec.sport.baseball']\n", + "\n", + "data = fetch_20newsgroups(subset='all', categories =y_train)\n", + "data_train = fetch_20newsgroups(subset='train',categories =y_train)\n", + "data_test = fetch_20newsgroups(subset='test',categories =y_train)\n", + "\n", + "vectorizer = TfidfVectorizer(sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "XX = vectorizer.fit_transform(data.data)\n", + "yy = data.target\n", + "\n", + "Xtr = vectorizer.fit_transform(data_train.data)\n", + "Xtt = vectorizer.transform(data_test.data) \n", + "\n", + "ytr = data_train.target\n", + "ytt = data_test.target\n", + "\n", + "# Instantiate the estimator\n", + "clf_MNB = MultinomialNB(alpha=.01)\n", + "clf_MNB.fit(Xtr, ytr)\n", + "\n", + "# Predict the response for a new observation\n", + "y_pred_mnb = clf_MNB.predict(Xtt)\n", + "print (\"Predicted Class Labels:\",y_pred_mnb)\n", + "\n", + "# calculate accuracy\n", + "print (\"Classification Accuracy:\",metrics.accuracy_score(ytt, y_pred_mnb))\n", + "clf= MultinomialNB(alpha=.01)\n", + "print (\"MultinomialNB 10-Cross Validation :\",cross_val_score(clf, XX, yy, cv=5, scoring='accuracy').mean())" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "Predicted Class Labels: [7 5 5 ... 5 1 6]\n", + "Classification Accuracy: 0.8440985732814527\n", + "MultinomialNB 10-Cross Validation : 0.9005207646545766" + ] + }, + { + "cell_type": "code", + "execution_count": 141, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Output 1D Array filled with random integers : [0 1 0 0 1]\n" + ] + } + ], + "source": [ + "import numpy as geek\n", + "out_arr = geek.random.randint(low = 0, high = 2, size = 5) \n", + "print (\"Output 1D Array filled with random integers : \", out_arr)" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "MultinomialNB 10-Cross Validation : 0.9187038860806073\n" + ] + } + ], + "source": [ + "cats =['alt.atheism', 'comp.graphics', 'comp.os.ms-windows.misc', 'comp.sys.ibm.pc.hardware']\n", + "dataset = fetch_20newsgroups(subset='all', categories=cats)\n", + "\n", + "X1, y = dataset.data, dataset.target\n", + "vectorizer = TfidfVectorizer(stop_words='english')\n", + "# vectorizer = HashingVectorizer(stop_words='english', non_negative=True)\n", + "X = vectorizer.fit_transform(X1)\n", + "# features = dataset.target_names\n", + "data_outputs = dataset.target\n", + "data_inputs = X\n", + "est = MultinomialNB(alpha=0.3, class_prior=None, fit_prior=True)\n", + "# tttt =cross_val_score(est, X, y, cv=5, scoring='accuracy').mean()\n", + "print (\"MultinomialNB 10-Cross Validation :\",cross_val_score(est, data_inputs, data_outputs, cv=5, scoring='accuracy').mean())\n", + "\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "MultinomialNB 10-Cross Validation accuracy: -0.9106842643537906\n", + "score : -0.9197605276045913\n", + "score : -0.9192343520868704\n", + "score : -0.9219106534846307\n", + "score : -0.9203095968708999\n", + "score : -0.9216414936925069\n", + "score : -0.9232482763775334\n", + "score : -0.9221783949363994\n", + "score : -0.9221783911056096\n", + "score : -0.9240543489097629\n", + "score : -0.9243213716066923\n", + "score : -0.9248557739866093\n", + "score : -0.9245883933478456\n", + "score : -0.9256536225355003\n", + "score : -0.9259256582989138\n", + "score : -0.9259270900585644\n", + "score : -0.926461850372629\n", + "score : -0.9275299402045702\n", + "score : -0.9272636314682277\n", + "score : -0.9269969695843034\n", + "score : -0.9269969695843034\n", + "score : -0.9272639922812328\n", + "score : -0.9272618417744299\n", + "score : -0.9275310149781619\n", + "score : -0.9277987525952971\n", + "score : -0.9280639808080196\n", + "score : -0.9286005308197252\n", + "score : -0.9286005327351201\n", + "score : -0.9291352911337898\n", + "score : -0.9291352911337898\n", + "score : -0.929403387648535\n", + "score : -0.929403387648535\n", + "score : -0.929403387648535\n", + "score : -0.9296704103454643\n", + "score : -0.9299363592245774\n", + "score : -0.9299363592245774\n", + "score : -0.9299370741447834\n", + "score : -0.9299385049448146\n", + "score : -0.9302055276417439\n", + "score : -0.930472550338673\n", + "score : -0.9307395730356024\n", + "score : -0.9310073106527377\n", + "score : -0.9312743333496668\n", + "score : -0.9312743333496668\n", + "score : -0.9312743333496668\n", + "score : -0.9318094525613413\n", + "score : -0.9318094525613413\n", + "score : -0.9318094525613413\n", + "score : -0.9320764752582706\n", + "score : -0.9320764752582706\n", + "score : -0.9320764752582706\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAZcAAAEGCAYAAACpXNjrAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjAsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8GearUAAAgAElEQVR4nO3deVzVVfrA8c/DJqCIAm6IIO65ICKKppZmlpVpi5ap1TTZNtXUzGSrLVPTTE1l27T8WrVc08qszDStNBUX3LfcQVxRVBYFWc7vj+/VUFnlXr7cy/N+ve6L+90uz9eIh3PO9zxHjDEopZRSzuRldwBKKaU8jyYXpZRSTqfJRSmllNNpclFKKeV0mlyUUko5nY/dAVQHYWFhpnnz5naHoZRSbiUpKemwMaZBccc0uQDNmzdn5cqVdoehlFJuRUSSSzqm3WJKKaWcTpOLUkopp9PkopRSyul0zEUpVePk5eWRmppKTk6O3aG4BX9/fyIiIvD19S33NZpclFI1TmpqKkFBQTRv3hwRsTucas0Yw5EjR0hNTSU6Orrc12m3mFKqxsnJySE0NFQTSzmICKGhoRVu5WlyUUrVSJpYyu9C/q00uVRG+k744XEoyLM7EqWUqlY0uVRG2lZY9h6smWx3JEopN+Pt7U1sbCydO3cmLi6OJUuWXNDnvPHGG5w4ccLJ0VWeJpfKaHMlNI2HX/8L+bl2R6OUciMBAQGsWbOGtWvX8p///Icnnnjigj5Hk4snEoHLxkJGKiRNsDsapZSbysjIoH79+me2X3nlFbp160ZMTAzPPvssANnZ2VxzzTV07tyZjh07Mm3aNN566y327dtHv3796Nevn13hF0sfRa6sFn0hqjcsehW6jAK/QLsjUkpVwD+/3cimfRlO/cz24XV59toOpZ5z8uRJYmNjycnJYf/+/SxYsACAuXPnsm3bNpYvX44xhsGDB7Nw4ULS0tIIDw/n+++/B+D48eMEBwczbtw4fv75Z8LCwpx6D5WlLZfKEoHLnoKsg7DiI7ujUUq5idPdYlu2bGHOnDncdtttGGOYO3cuc+fOpUuXLsTFxbFlyxa2bdtGp06dmDdvHo899hiLFi0iODjY7lsolbZcnCHqYmh5Gfz2OsTfAbWC7I5IKVVOZbUwqkLPnj05fPgwaWlpGGN44oknuOeee847b9WqVcyePZuxY8fSv39/nnnmGRuiLR9tuThLv7FwMh0S37c7EqWUm9myZQsFBQWEhoZy5ZVX8sknn5CVlQXA3r17OXToEPv27SMwMJBRo0YxZswYVq1aBUBQUBCZmZl2hl8sbbk4S0RXaHs1LHkbuo+GgPplX6OUqrFOj7mAVWJlwoQJeHt7c8UVV7B582Z69uwJQJ06dZg4cSLbt29nzJgxeHl54evry3vvvQfA3XffzcCBAwkPD+fnn3+27X7OJcYYu2OwXXx8vHHKYmEH1sP7veGSMdZTZEqpamnz5s1cdNFFdofhVor7NxORJGNMfHHna7eYMzXuBB2uh8T3IPuw3dEopZRtNLk4W98nIO8ELH7D7kiUUso2mlycrUFbiLkZln8Ix1PtjkYppWyhycUVLn0MEPj4CkhNsjsapZSqcppcXCEkGu78Eby84dOBkDTe7oiUUqpKaXJxlSad4e5foXkf+PYh+OYByNMlVZVSNYMmF1cKDIGR06HPI7D6c6sVc2yP3VEppaqJmTNnIiJs2bLF7lCcTpOLq3l5Q/+nYfhkOLID/u8S2Pmr3VEppaqBKVOm0Lt3b6ZMmVLpzyooKHBCRM6jyaWqtLsG7voZ6jSEiTfAqs/sjkgpZaOsrCx+++03Pv74Y6ZOncqcOXMYNmzYmeO//PILgwYNAqxKyT179iQuLo5hw4adKQ3TvHlzHnvsMeLi4pg+fToffvgh3bp1o3Pnztx4441n1nnZsWMHPXr0oFOnTowdO5Y6deqc+T7Flfd3Bi3/UpXCWsGdc2H6n2DWg9YyyZc9A16a45WyzQ+PW9U1nKlxJ7jqpVJP+eabbxg4cCBt2rQhNDSU+vXrs2zZMrKzs6lduzbTpk1j+PDhHD58mH/961/89NNP1K5dm5dffplx48adKVoZGhp6ps7YkSNHuOuuuwAYO3YsH3/8MQ8++CAPPfQQDz30ELfccgvvv/9H/cOSyvtfcskllf4n0N9qVc0/GEZMh653WFWUZ9wBeSftjkopVcWmTJnC8OHDARg+fDjTp09n4MCBfPvtt+Tn5/P9998zZMgQEhMT2bRpE7169SI2NpYJEyaQnJx85nNuvvnmM+83bNhAnz596NSpE5MmTWLjxo0ALF269EyraMSIEWfOL6m8vzNoy8UO3j4w6HUIbQlzn7YmW94yxeoyU0pVrTJaGK6Qnp7OggULWL9+PSJCQUEBIsKnn37KO++8Q0hICPHx8QQFBWGMYcCAASWOy9SuXfvM+z/96U/MnDmTzp07M378eH755ZdS4yitvH9lacvFLiJw8YNw80Q4tAk+6g+HPO+JEaXU+WbMmMGtt95KcnIyu3fvZs+ePURHR+Pj48OqVav48MMPz7RqevToweLFi9m+fTtgLXe8devWYj83MzOTJk2akJeXx6RJk87s79GjB19++SUAU6dOPbO/pPL+zqDJxW4XDYI7ZkN+Lky+CQry7I5IKeViU6ZM4frrrz9r34033sjUqVMZNGgQP/zww5nB/AYNGjB+/HhuueUWYmJi6NmzZ4mPLr/wwgskJCTQq1cv2rVrd2b/G2+8wbhx44iJiWH79u1nVrG84oorGDFiBD179qRTp04MHTrUaWvDaMl9nFhyvzJ+nwNTbobr3ofYW+yNRSkPV9NK7p84cYKAgABEhKlTpzJlyhS++eabCn1GRUvu65hLddHmSmjUCRa9BjE3WfNjlFLKCZKSknjggQcwxlCvXj0++eQTl39PTS7VhQhc8ghMvx02fQMdb7A7IqWUh+jTpw9r166t0u+pYy7VyUWDIawtLHwVCgvtjkYpj6ZDAuV3If9WmlyqEy8v6PMPOLQRts6xOxqlPJa/vz9HjhzRBFMOxhiOHDmCv79/ha7TbrHqpuON8Mu/YeEr0PYqq7tMKeVUERERpKamkpaWZncobsHf35+IiIgKXaPJpbrx9oHef7PK9O9YAK362x2RUh7H19eX6Ohou8PwaNotVh11vgXqNrXGXpRSyg1pcqmOfGpBr4cgZQnsXmx3NEopVWG2JBcRCRGReSKyzfG1fgnnvSwiGxyvm4vsf0BEtouIEZGwIvv7ishxEVnjeD1TFffjEnG3Qe0G1tiLUkq5GbtaLo8D840xrYH5ju2ziMg1QBwQCyQAj4hIXcfhxcDlQPK51wGLjDGxjtfzLom+KvgGWLXHdv4MqTZXD1BKqQqyK7kMASY43k8ArivmnPbAQmNMvjEmG1gHDAQwxqw2xuyuikBtFf9nCKivYy9KKbdjV3JpZIzZ73h/AGhUzDlrgYEiEujo+uoHNCvHZ/cUkbUi8oOIdHBSvPaoFQQJ98LWH+DwdrujUUqpcnNZchGRn4qMlxR9DSl6nrFmMZ03k8kYMxeYDSwBpgBLgbIWiV4FRBljOgNvAzNLie9uEVkpIiur9bPuXe8ALx9I+tTuSJRSqtxcllyMMZcbYzoW8/oGOCgiTQAcX4tdQMAY86Jj7GQAIEDxixj8cX6GMSbL8X424Ft0wP+ccz8wxsQbY+IbNGhQiTt1saBG0G4QrJmkK1YqpdyGXd1is4DbHe9vB86r/Swi3iIS6ngfA8QAc0v7UBFpLGJNaReR7lj3d8SJcduj251w8ihsLLEhppRS1YpdyeUlYICIbMN66uslABGJF5GPHOf4AotEZBPwATDKGJPvOO+vIpIKRADrilwzFNggImuBt4DhxhOKBzXvA6GtYKXry2QrpZQz6GJhVJPFwsqy9B348Um49zdo3MnuaJRSqtTFwnSGvrvofAv4+GvrRSnlFjS5uIvAEOhwA6z7AnKds8a1Ukq5iiYXdxL/ZziVZSUYpZSqxjS5uJOIeGu8ZeWnoGNlSqlqTJOLOxGxWi8H10PqCrujUUqpEmlycTedhoFfkA7sK6WqNU0u7qZWEMTcBBu+ghPpdkejlFLF0uTijuL/DAW5sGay3ZEopVSxNLm4o8YdoVmC1TWWfUQH95VS1Y6P3QGoC9TtLvhqNLzSAnwCILgpBEdA3QioG24N/uedgLwcyD9pFb3Mz4Uut0LbgXZHr5TycJpc3FWnodbEysNb4XjqH68d8yHzAGCspOPrD76B1uz+3EzY+Ss8uBKCGtt9B0opD6bJxV2JQKv+1utchQUgXtY5RR3ZAe/2gLlPw40fVk2cSqkaScdcPJGX9/mJBSC0JVz8V1j/BexeXPVxKaVqDE0uNU2ff0BwM5g9Bgry7Y5GKeWhNLnUNH6BcOW/4dBGWKFdY0op19DkUhNddC20vAx+/jdkFbvCtFJKVYoml5pIBK56xXo8ed6zdkejlPJAmlxqqrBWcPEDsHYypCyzOxqllIfR5FKTXTIG6jaF2f+wHl9WSikn0eRSk/nVhitfhAPrtcqyUsqpNLnUdO2vg+hLYf4Ljpn9SilVeZpcajoRGPQ65OfAD4/aHY1SykNoclHWzP1LH4VN38CW2XZHo5TyAJpclKXXQ9CwA3z/D8jJsDsapZSb0+SiLN6+MPgtyNwP85+3OxqllJvT5KL+EBEPCffAio9gz3K7o1FKuTFNLupsl4215r7M+ivkn7I7GqWUm9Lkos5WKwiueQ3SNsPiN+yORinlpjS5qPO1HQgdroeFr0Da1sp/Xv4pWPAirJlc+c9SSrkFTS6qeANfBt8AmPUAZB+58M/J2Afjr4GF/7XWkDl51HkxKqWqLU0uqnhBjeDqVyF1BbzZGX55GXIzK/YZuxfD/10KBzdaYzmnsmC5riGjVE2gyUWVLOYmuG8ptLgUfvk3vBkLie9Bfm7p1xkDS9+FCdeCf124a4FVJLP1ldb1p7KrJn6llG00uajSNWwHwyfB6PnQqD3MeRze7gpJE2DfakjfZXV1FRZa55/Khi9Hw49PQNurrMTSsJ11rM/f4WQ6rPrMvvtRSlUJMcbYHYPt4uPjzcqVK+0Owz3s+Bnm/9NKLGcRq5WCQM5x6P809PobeJ3z98unV8PR3fDXNeDjV0VBK6VcQUSSjDHxxR3zqepgaoK1e47x79mbeXpQezo2DbY7HOdq2Q9a9IW9SZB1EE4eg5xjf3zNzbK601r2K/763n+HSTfCumkQd2tVRq6UqkKaXJxsRlIqT369nlP5hXy9eq/nJRewKilHFPvHStla9YfGMdYcmtgR4OXt3NiUUtWCjrk4SV5BIc/N2sgj09fSrXl9OjUNZvmudLvDqn5EoPff4Mh22Pyt3dEopVxEk4sTHMnK5daPlzF+yW5G945mwh3d6de2ARv3HScjJ8/u8Kqf9kMgpCX8Ns56skwp5XE0uVTShr3HGfy/xaxOOcbrN3dm7KD2+Hh7kdAilEIDSck6afA8Xt7Q+2HYvxZ2zLc7GqWUC9iSXEQkRETmicg2x9f6JZz3sohscLxuLrJ/koj87tj/iYj4OvaLiLwlIttFZJ2IxLnyPhZsOcjQ95dgjGHGvRdzfZeIM8e6RNbDx0tYtlO7xooVMxyCwmHR63ZHopRyAbtaLo8D840xrYH5ju2ziMg1QBwQCyQAj4hIXcfhSUA7oBMQAIx27L8KaO143Q2858J7oHXDIC5p3YBZD/amU8TZA/eBfj7ERASzfFclSqd4Mh8/uPgBSP5Ny/sr5YHsSi5DgAmO9xOA64o5pz2w0BiTb4zJBtYBAwGMMbONA7AcON1kGAJ85jiUCNQTkSauuolmIYF8cFs8YXVqFXu8e3Qo61KPc+JUvqtCcG9xt0NAffj1ZR17UcrD2JVcGhlj9jveHwAaFXPOWmCgiASKSBjQD2hW9ARHd9itwBzHrqbAniKnpDr2nUdE7haRlSKyMi0t7cLvpBQJLULILzSsTjnmks93e7XqQJ9HYPtPMOcJTTBKeRCXzXMRkZ+AxsUceqrohjHGiMh5v1WMMXNFpBuwBEgDlgIF55z2LlbrZlFF4zPGfAB8ANYM/YpeXx7xUfXxEli28wi9WoW54lu4v573w/FUWPYe+AVC/2fsjkgp5QTlSi4i0hJINcbkikhfIAar+6nEP8mNMZeX8nkHRaSJMWa/o9vqUAmf8SLwouOaycDWIp/xLNAAuKfIJXs5u3UT4dhniyB/XzqEB7OsHPNd5m48wPGTeQyLb1bmuR5FBAb+B/JzYNFr4BMAl46xOyqlVCWVt1vsS6BARFph/bXfDKjMyk+zgNsd728Hvjn3BBHxFpFQx/sYrIQ217E9GrgSuMUYU3jO597meGqsB3C8SPebLRKiQ1i95xg5eec2uv5wKr+QJ7/ewJNfr2ffsZNVGF01IQLXjLOeIPv5X7DkbbsjUkpVUnmTS6ExJh+4HnjbGDMGqMxA+UvAABHZBlzu2EZE4kXkI8c5vsAiEdmEldBGOWIAeB9rnGapiKwRkdN9KbOBncB24EPgL5WI0Sm6R4dwKr+QdanHSzxn3qaDHM7KJa/A8P6vO6owumrEywuGvAPtr4O5Y3XdF6XcXHnHXPJE5BasVsa1jn2+F/pNjTFHgP7F7F+J47FiY0wO1hNjxV1fbNyOp8fuv9C4XKF7dAhgjbucfn+uiYnJNK0XwMUtQ5m6Yg/392tFo7r+VRlm9eDtAzd+BAWnYPYj4OOvxS2VclPlbbncAfQEXjTG7BKRaOBz14XlOeoF+tGucRDLdxc/7rL9UBZLdx5hREIkD17WmoJCw//9urOKo6xGvH1h6KfQ8jJrieX3esGicXA02e7IlFIVUK7kYozZBDwGrHJs7zLGvOzKwDxJQnQISclHySsoPO/Y5GUp+HoLN8U3IzI0kOtimzJ5eTJpmWWs9ujJfP1h+GS46hXwDbTWj3kzBj4aAMv+D7KKff5DKVWNlCu5iMi1wBoc80lEJFZEZrkyME/SPTqUE6cK2LD37HGXnLwCZiTt4coOjWkQZE3EvL9fS07lF/LRohrcegHwDYCEu2H0PHhoHfR/1lrl8odHYdxFsGW23REqpUpR3m6x54DuwDEAY8waoIWLYvI4Z8Zdznkk+du1+8jIyWdkQtSZfS0a1OHazuF8nphMevapKo2z2qofZS2R/Jcl8JdEaNAOvnvYWqBMKVUtlTe55Bljzn3c6fw+HlWsBkG1aNGg9nnru0xclkLLBrXp0eLsgf4H+rXiZF4BH/9Ww1svxWl4EQz5H2SnwTydcKlUdVXe5LJRREYA3iLSWkTexpo5r8opITqUFbvSKSi0igFs2HuctXuOMTIhChE569zWjYK4umMTJixJ5tgJbb2cJ7yLNbN/1QTYVeHiDEqpKlDe5PIg0AHIxZo8eRx42FVBeaKE6BAyc/PZvD8DgEnLkvH39eLGuIhiz3/gslZk5ebz6eLdVRilG+n7JNRvDt8+BHk1cOKpUtVcmclFRLyB740xTxljujleYx3zUFQ5JbT4Y9wlIyePb9bs49qYcIIDi58udFGTulzZoRGfLN6lq1kWxy8Qrn0T0nfAr/+1Oxql1DnKTC7GmAKgUESCyzpXlaxJcACRIYEs33WEmav3cuJUAaN6RJV6zYOXtSYzJ5/PluyumiDdTYu+EDsKFr8J+9fZHY1SqojydotlAetF5GPHSo9vichbrgzME3WPDmH5rnQmJabQsWldYiJKz9cdmwbTv11DPvptFydPlVybrEa74gUIDIFZD0KBrpujVHVR3uTyFfA0sBBIKvJSFZAQHcLRE3n8fjCTUcUM5BfnrktacOxEHt+t21cFEbqhwBC46r+wf41Vtl8pVS2Ud4b+BGAKfySVyY59qgISokMBCKrlw+DY8HJeE0LLBrWZtCzFlaG5tw7XQ9urYcGLkL7L7miUUpR/hn5fYBvwDtYCXVtF5BIXxuWRmoUEcFGTutzaM4pAv/LVDBURRiZEsWbPsfNm+CsHEbj6Vasu2bRbIUf/nZSyW3m7xV4DrjDGXGqMuQRrLZXXXReWZxIRZv+1N2OubFuh626Mi8Df14vJy7X1UqLgpjBsPKRtgSkjIE8fZlTKTuUtue9rjPn99IYxZqtj/XpVQeUZZzlXcKAv18aEM3P1Xp64qh1B/iX/0x8/kcfoz1aQkn6i2ON39o7m7ktaVjgGt9CqP1z/Pnx5J3w1GoZNAC9vu6NSqkYqb8tlpYh8JCJ9Ha8PgZWuDEydbWSPKE6cKmDmmtIH9v/74xaSko9ySesG9Gvb8KxXXX9fPli460yVAI/UaSgMfAk2fwvf/x2MB9+rUtVYeVsu92EtwvVXx/YirLEXVUU6RwTTIbwukxKTGZUQWWwLaM2eY0xensKfLm7Os9d2OO/4D+v3c9+kVSzdcYTercOqImx79LjPKsv/2zio0wj6PWl3RErVOOVtufgAbxpjbjDG3AC8BWh/QxU6PbC/5UAmq1LOrwZcUGgYO3M9DerU4u8D2hT7Gf3aNaROLR9mrd3r6nDt1/8Z6DIKfn1Zl0xWygblTS7zgYAi2wHAT84PR5VmSGw4dWr5MGnZ+asyTkxMZsPeDJ4e1L7EMRl/X2+u6NCIHzYcIDffwydlisCgN6HNVTB7DKyfYXdEStUo5U0u/saYrNMbjveBrglJlaR2LR+u79KU79btP6ta8qHMHF798Xd6twpjUEyTUj9jcOdwMnPy+fX3NFeHaz9vHxj6CUT2gC9Hw2+v6xiMUlWkvMklW0TiTm+ISDygpWhtMCIhklP5hcxISj2z78XvN5ObX8jzQzqU+TRar1ZhhNb2Y9baGjLj3y8QRn1lTbT86Tn4+l59TFmpKlDe5PIwMF1EFonIImAq8IDrwlIluahJXbpG1WfyshSMMSzZfphv1uzj3ktb0KJBnTKv9/X24upOTfhp80Gyc2tILS6/QKsF0+8pWDcVJgyCzIN2R6WURys1uYhINxFpbIxZAbQDpgF5wBxA62zYZGRCJDsPZ/PL1jTGfrOByJBA/tKvVbmvHxwbTk5eIfM21aBfsCJw6aNw02dwcCN8eJlWUlbKhcpqufwfcLpzvyfwJFYJmKPABy6MS5Xi6k5NqBfoy0NTVrMzLZt/DumAv2/5H97rGlmf8GD/mtM1VlT7IfDnOYCBT66EddO1mrJSLlBWcvE2xpxe+P1m4ANjzJfGmKeB8v+prJzK39ebYV0jyMjJZ2CHxvRr27BC13t5Cdd2Dmfh1jSOZtfAZZSbdIa7foaG7a2Z/OPawfePQPJSKCy0OzqlPEKZyUVETk+07A8sKHKsvBMwlQvc0SuagR0a89zg8ydLlsfg2HDyCw2zN+x3cmRuIqgR3PED3PQ5RPWC1Z/DpwPhjY7w41Owf63dESrl1sSU8mimiDwFXA0cBiKBOGOMEZFWwARjTK+qCdO14uPjzcqVNauajTGGy8f9SlidWky7p6fd4dgvNxN+nwMbvoTtP0FhHnQaBlf+B+o0sDs6paolEUkyxsQXd6zUlosx5kXgH8B4oLf5IxN5AQ86M0hVtUSEwZ2bsnx3OgeO66O51AqCmGEwYiqM2QaXPg6bvoH/xcOqz3R+jFIVVOajyMaYRGPM18aY7CL7thpjVrk2NOVqg2PDMQZd5fJcAfWh3xNw72Jo1MFaQnn8IDi8ze7IlHIbOm5Sg0WH1aZT02Bmrd3H6D4t7A6n+mnQBm7/DtZMhLlj4b2LofffIKwNZKdZxTGzD0FWmrVdNxxa9IXoSyGstfX4s1I1lCaXGm5w53BenL2ZXYeziQ6rbXc41Y+XF8TdBm0GwpwnrEKYZ475QO0GjlcYHFgHW76zjgU1sZJMi0uh1eVQp2JP9Cnl7kod0K8pauKA/mn7j5/k4pcW8HD/Njx0eWu7w6n+0n63xl/qNAT/elbyKSp9F+z6FXb+CrsWwonDVhLqcD0k3AcRXe2JWykXKG1AX1suNVyT4AASokP4YOEOjp08xciEKFo1LLuMTI3VoIwlqkOirVfXP1lzZg5thDWTYdXnsH46RHSDhHutyZzeupir8lzacqFmt1wAdh/O5rV5W5mzYT95BYYeLUIY1SOKK9o3xs+nvOXnVKlyM60ks+x9SN8JQeGQcDd0v8eqfaaUGyqt5aLJBU0up6Vl5jI9aQ+Tl6WQevQkYXVqMTIhkvv7tdIk4yyFhbB9HiS+Czt/gboRMOCf0PFGfQBAuR1NLmXQ5HK2gkLDwm1pTEpM5qfNh+jWvD7vjepKWJ1adofmWXYvhjmPWw8CNEuAgf+Bpjomo9yHJpcyaHIp2bdr9zFmxlpCAv344LZ4OjYNtjskz1JYYHWXzX/eeqy58whriea6pS/6plR1cMEz9JW6tnM4M+69GICh7y8pccLlrsPZvPj9Jrq9+BPjF+tqDOXm5Q1xt8KDSdDrYdgwA97uCovfgoI8u6NT6oJpywVtuZRHWmYu901MYmXyUR7o14q/D2hDoTH8tPkgk5alsGjbYXy8hEZ1/UnPPsW8v19CRH0dqK6w9F3w45Pw+2yravOg161lmpWqhqpdt5iIhGAtPNYc2A3cZIw5Wsx5LwPXODZfMMZMc+yfBMRjLVy2HLjHGJMnIn2Bb/hjIbOvjDHPlxWPJpfyyc0v4JmZG5m2cg/dmtcnJf0EBzNyCQ/255bukdzcrRl5hYbLX/uVXq3C+Oj2Yn/mVHlsmQ0/PArH90CXUXD581A71O6olDpLdewWexyYb4xpDcx3bJ9FRK4B4oBYIAF4RETqOg5PwloZsxMQAIwucukiY0ys41VmYlHlV8vHm5du7MQ/B3dgy4FMLmpSlw9vi2fho/14sH9rGtb1p2m9AB6+vDU/bT5Ys1a6dLZ2V8P9y6yusrVT4X9dIWmCLmym3IZdLZffgb7GmP0i0gT4xRjT9pxzxgD+xpgXHNsfAz8aY74457y/AWHGmKccLZdHjDGDKhKPtlycK6+gkEFv/UZWbj7z/n4JgX46V7dSDm2G7/4OKUvAr471ZFlUT2sdmvA48PW3O0JVQ1XHlksjY8zpVaoOAI2KOWctMFBEAkUkDOgHNCt6goj4ArcCc4rs7ikia3M0EngAABo7SURBVEXkBxEpcSUtEblbRFaKyMq0tLRK3Yw6m6+3F/+6viN7j53kzflaSbjSGl4Ed8yG4ZOh83DI3A8L/gWfXgUvRcKnV8P6GXZHqdRZXPYnpYj8BDQu5tBTRTcci4+d13wyxswVkW7AEiANWAoUnHPau8BCY8wix/YqIMoYkyUiVwMzgWILZhljPgA+AKvlUu4bU+XSrXkIw7pG8PGiXdzQJYK2jYPsDsm9iUC7a6wXwIl0SEmE5MWwfT58eSfsWw0DnreeQFPKZtW2W6yYayYDE40xsx3bzwJdgBuMMcUufC4iu4F4Y8zh0j5bu8VcIz37FJe99gttGgYx7Z4eiM5Ad42CPOsJs+UfQOsr4MaPwF/nIynXq47dYrOA2x3vb8d6wussIuItIqGO9zFADDDXsT0auBK4pWhiEZHG4vgNJiLdse7viAvvQ5UipLYfjw9sx/Ld6cxISrU7HM/l7QtXv2I9trxjAXw0AI7ssDsqVcPZlVxeAgaIyDbgcsc2IhIvIh85zvEFFonIJqzuq1HGmNOPyryPNU6zVETWiMgzjv1DgQ0ishZ4Cxhu7GiaqTNuim9GXGQ9/vPDFo5mn7I7HM8W/2e4daa1cNmHl1ll/5WyiU6iRLvFXG3z/gwGvf0bsc3qcX+/llzapiHeXtpF5jLpu2DKLXB4K/R/GuLvBP+6ZV+nVAVVu0mU1Y0mF9ebtiKFV+duJS0zl2YhAYxMiOKm+GaE1PazOzTPlJMBX98Lv38PvrWh01CrZRMea3dkyoNocimDJpeqcSq/kLmbDvDZ0mSW70rHz8eLQTFNGNihMb4+Xpxuy4gIAtQP9KNThA5MXzBjYO8qSPoE1n8J+SeteTHxd1gl/v10WWtVOZpcyqDJper9fiCTzxN38/WqvWSfOvcJ8z/c3jOKsYPa4+utNVYr5eQxWDcNVn4KaZutp8kufQy63QU+2npUF0aTSxk0udgnMyeP7YeyOP1TaP04WlvfrzvAJ4t30bNFKO+OjKO+dqFVnjHW/JiF/7WeLAttBVf+23qEWR8VVxWkyaUMmlyqrxlJqTz51XoaBdfio9u66WRMZzEGts215scc2Q4t+1tJpmE7uyNTbqQ6znNRqlyGdo1g6j09yMkr5IZ3FzN34wG7Q/IMItDmSrhvqZVUUlfCexfD9/+AHT9bFQDKw5jTzU2lzqItF7Tl4g4OHM/h7s9Xsi71OP8Y0IYHLmulM/6dKfsw/PxvSPoUTs9LrtsUGsdA407QqINVCeBYsrUMwLEUOLbHeu/jD+FdoGmc9TW8i3Wt/vfxeNotVgZNLu4hJ6+Ax79cx8w1+3j22vbc0Sva7pA8z4l02L8WDqz/43X49z8SDkBgGNSLhHrNILgZ5GZYdc0ObgLjeDijdkOIuhi63g7RfcFLO0k8UWnJRWuhK7fh7+vN6zfHkn4ij9fmbuXqTk1oVFfLzTtVYAi07Ge9Tss7CWm/g2+AlUz8SlhhNO8kHNxoJZq9q6wxnU0zIaSlNccmdoT1+apG0JYL2nJxN7sPZ3PFGwu5on0j/jcizu5wVEnyc2HTLFjxEexJtLrPOt4I3e6Epl3tjk45gQ7oK4/SPKw2f+nbku/W7WfRNl2Lp9ryqQUxw+DOH+HexVbLZeNMq+7ZB31h9SSrtaM8krZc0JaLO8rJK2DgGwsREX54qA/+vhVfw6Sw0HA4K5fi/g+o5eNFvUCdV+N0ORnWZM7lH1pjOQH1ocutVmumfnO7o1MVpAP6ZdDk4p4WbUvj1o+X87fL2/DQ5cWuCVesI1m5TE9KZfKyFFLST5R4Xu9WYYzqEUn/ixpphQBnMwZ2L7KSzJbvrQcGWl9hFdps3Mnu6FQ5aXIpgyYX9/XA5FXM3XSQeX+7hKjQkmtlGWNYsfsoExOTmbPhAKcKCukeHcJVHRtTy+f8Vs+BjBxmrNzDvuM5NAyqxfDukQzv1ozwegGuvJ2aKWMfJI23xmZyjkOvh+GSMeCrD2tUd5pcyqDJxX0dzMih/2u/0jWqPuPv6Hbe3JeMnDy+Skpl0rIUth3KIsjfhxvjIhiZEEnrRqXP9i8oNPy85RCTliXzy9Y0BOjXtiHNQgIxxmBwzCF0dKx1ahrM4M5NCfDTZYYvyIl0mDsW1kyCsDYw+G2I7GF3VKoUmlzKoMnFvX3y2y6e/24T746M4+pOTQBYl3qMSYkpzFq7j5N5BcREBDMqIYpBnZsQ6FfxJ/D3pJ9g8vIUZq3ZR1Zu/pn5gYJVxTm/oJCMnHyC/H0Y2jWCkQlRtGpYx4l3WYNsnw/fPWxN0uw2Gi5/Fmpp2Z/qSJNLGTS5uLf8gkIG/28x6dmn+Gv/1kxdkcK61OME+HozJDackQlRLi/df7rb7fPEZOZs2E9egeHilqGM6hHFgPY6ZlNhuVmw4F+w7H1rtn90H6uyc85xyDnmeH8MInvCzRNLnnujXEqTSxk0ubi/1SlHueG9JRgDbRrVYWRCFNfHNaWuv2+Vx5KWmcsXK/cweVkKe4+dtMZsujVjePdIHbOpqD3L4YfHrKWb/etBQD1ruQD/euDtA0kTrAcBhk8C76r/b13TaXIpgyYXz7Bgy0Hq1PKlW/P61aLuWEGh4ZffDzEx8Y8xm/4XNWJUjyj6tArDS5d6rryVn8B3f4POI+C6d7WeWRXT8i+qRrisXSO7QziLt5fQ/6JG9L+o0Zkxmy9W7GHepoNEhgQyIiGSYV0jCK1Ty+5Q3Vf8nx1FN1+E2mFwxQt2R6QctOWCtlxU1cnNL2DOhgNMSkxh+e50/Ly9GNixMSMTIukeHVItWlxuxxiYPQZWfAgDXoBef7U7ohpDWy5KVRO1fLwZEtuUIbFN2Xowk8nLUvhyVSqz1u6jVcM6jEyI5IYuEQQH6vhBuYnAVf+FE0dg3tNQuwHE3mJ3VDWetlzQlouy18lTBXy7bh+TlqWwds8xAny9+fcNHbm+S4TdobmX/FyYfBPsWgTDJ0PbgXZH5PF0QL8MmlxUdbFh73Fe+G4Ty3alc88lLXh0YDu8deC//HIzYcK1Vtn/Fn0h7nZoNwh8tE6cK2hVZKXcRMemwUwcncCtPaL4v4U7GT1hBRk5eXaH5T5qBcGtM6HfWDiyE2bcAeMugrlPw+HtxV9TkGcV1FROpS0XtOWiqqeJick8N2sjUaGBfHR7N6LDSq6dpopRWAA7foZV42HLbGuVzPA48PKxJmPmZlhf8xzFSzveCIPeAP+6tobtTrRbrAyaXFR1lbjzCPdNTKKg0PDOyDj6tG5gd0juKfOAVbNs2zxrnRn/YKhV948JmTnHIPE9a/nmYZ9CeBe7I3YLmlzKoMlFVWd70k9w12cr2Xowk4j6xZc56de2AU9ec1GxFZ5VOSUvhS/vhKxDcMW/IOEenZRZBk0uZdDkoqq77Nx83lqwjUMZuecdy8zJ56fNB4mPqs97o7rSIEgnZV6wE+kw8y+w9Qdoew0M+R8EhtgdVbWlyaUMmlyUu/t27T7GzFhLSKAfH9wWT8emri3U6dGMsbrI5j0DQY2h31NW4cxgfTT8XJpcyqDJRXmCDXuPc/dnK0k/cYpXh3VmUEy43SG5t72rYMaf4egua7teJEReDFEXQ1QvCG1Z47vNNLmUQZOL8hRpmbncNzGJlclHeaBfK/4+oI0WyKyMwgI4uBGSl0DKEutrdpp1LDAMmnaFiHhoGme9D6hvb7xVTJNLGTS5KE+Sm1/AMzM3Mm3lHlo2qE1QMcsOBPn7MCS2KYNimuDvqw8BlJsxcGQ7JC+GPStg70pI+x0cq5ES0hLCY61WTnAEBJ/+GuGRjzhrcimDJhflaYwxTFm+hzkbDxR7fE/6CXYdzqZeoC9D4yIY2SNK59FcqJwMqyLA3iTrdXADHN8LhedMfq3dEK5/D1pdbk+cLqDJpQyaXFRNY4xh6c4jTEpM4ceNB8gvNPRuFcbw7s1oVNe/Qp8VFRpIw6CKXePxCgusR5qPp8LxPdZr7TRI3wEjplmlaTyAJpcyaHJRNdmhjBymrdjDlOUp7DueU+Hrvb2EAY5F0C5uGapjPCU5kQ7jB0H6Thg53XoCrTR7kyArDRq1h+Bmrnl4oCDfWtHzAmlyKYMmF6Ugv6CQNXuOkZNXWO5rCo1h8fbDfLFyD0dP5BEdVpsR3SMZ2jWC+rW1WOR5stJgwiA4lgKjvrSePDtX5kFr6YB10/7YV6suNLwIGraHRh2slk9Y68rFkrEPpv8JYkdC19sv6CM0uZRBk4tSlZOTZy2CNjExmZXJR/Hz8WJQTBNGJkQRF1lPF0ErKvMgjL8GMvfDqK8gMsHaX1hgLds8/wXIPwm9HoZW/eHQJji4yfF1o1WqxicA/vSd9aTahdi10HrM+tQJuO4d6HD9BX1MtUwuIhICTAOaA7uBm4wxR4s572XgGsfmC8aYaY79HwPxgABbgT8ZY7JEpBbwGdAVOALcbIzZXVosmlyUcp4tBzKYlJjC16v3kpWbT7vGQYzsEcV1seHFPrlWI2XstxJM1iG47Rtr3/d/g/1rrVbJ1a9BWKvzrzPG6labeAPkZsHonyAkuvzf1xhY/CbM/yeEtoKbPoeG7S74NqprcvkvkG6MeUlEHgfqG2MeO+eca4CHgauAWsAvQH9jTIaI1DXGZDjOGwcccnzWX4AYY8y9IjIcuN4Yc3NpsWhyUcr5snPzmbV2HxMTk9m4L4NAP2sVzhvimlK3HEmmaGNHztonZ943qutPnVpuuqDu8b0w/morweSdhDqNYOB/rFZEWS29w9vgo8utVTfvnFu+EjU5GfDNX2Dzt9B+CAx5x1qioBKqa3L5HehrjNkvIk2AX4wxbc85Zwzgb4x5wbH9MfCjMeaLIucI8C6w2xjzsoj8CDxnjFkqIj7AAaCBKeVGNbko5TrGGNamHmdSYjLfrttXoTGdsvj7ejG4czijekQRE1HPaZ9bZY6lWN1TEd2g7xMVmwuzezF8fh1EdIdbv7KqPZfk0GaYNgrSd8GA56Hn/U55QKC6Jpdjxph6jvcCHD29XeScK4BngQFAILAceMcY85rj+KfA1cAm4BpjzAkR2QAMNMakOs7ZASQYYw6f89l3A3cDREZGdk1OTnbdzSqlADh+Io/EXUcoKCz9907RX0vGMUHx9D5z5hxD4s4jzFy9j5N5BXRqGsyoHpFc2zmcQD83bc1U1Lrp8NVo6HQT3PDB+QnjWAosfReSxluJa+in0LyX0769bclFRH4CGhdz6ClgQtFkIiJHjTHn1U4QkaeAYUAacAhYYYx5o8hxb+Btx/5Py5tcitKWi1LuKyMnj5mr9zIxMZmtB7MIquXDDXFNGdkjijaNKtft4xYWvgoLXoBLxsBlY619+9fBkrdgw1dWwuk4FC5/Duo2ceq3Li25uDS9G2NKnIoqIgdFpEmRbrFDJXzGi8CLjmsmYw3eFz1eICJTgUeBT4G9QDMg1dEtFow1sK+U8kB1/X25rWdzbu0Rxcrko0xMTGbK8j1MWJpM9+gQRiZEMrBjY89d66bPP+Doblj4CphCq+Dmzp/Brw70uM962VDR2c624yzgduAlx9dvzj3B0SqpZ4w5IiIxQAww19GN1tIYs93xfjCw5ZzPXQoMBRaUNt6ilPIMIkK35iF0ax7CM4NymZ6UyuRlKTw0dQ2htf0YFt+MkQmRNAspfsE1tyUCg163qgEses16MODy56DrHRBg3ziUnWMuocAXQCSQjPUocrqIxAP3GmNGi4g/sMpxSYZj/xoR8QIWAXWxHh1ZC9zneIrMH/gc6AKkA8ONMTtLi0W7xZTyTIWFhkXbDzMxMZn5mw9igEvbNGBkQhSXtWuItydVE8jNsgpqtuhb+uC+E1XLAf3qRJOLUp5v//GTTFm+h6nLUziUmUt4sD+3dI/k5u7NtDbaBdLkUgZNLkrVHHkFhczffJBJy1JYtO0wPl7CFR0aMSohip4tQ7WaQAXYNqCvlFLVja+3FwM7NmFgxybsOpzNlOUpfLFyD7PXH6BFg9qMTIhiaFwEwYFaTaAytOWCtlyUquly8gqYvX4/ExOTWZVyjFo+XlzrmJzZOSJYWzMl0G6xMmhyUUqdtmlfBhOXJTNz9V5OnCqgQ3hdRvWIYkhsDZqcWU6aXMqgyUUpda7MnDxmrtnHpMRkthzIJKiWD9fHNWVkQhRtG9eAyZnloMmlDJpclFIlMcaQlHyUSctS+H7dfk4VFNKteX36tWuIdwW6ywL9vLkhLoLa7lposxiaXMqgyUUpVR7p2aeYkbSHSctSSD5yosLXt2scxIe3xXvMRE5NLmXQ5KKUqghjDCfzCip0zYrdR/nrlNV4Cbw7sis9W4a6KLqqU1py8arqYJRSyt2JCIF+PhV6XdqmATPv70VonVrc+vEyPk/07ErsmlyUUqqKRIfV5uu/XMwlbRrw9MwNPPn1ek7lO299m+rEc0aWlFLKDQT5+/LhbfG8Ovd33vtlB9sPZXFTfLMKfUajurW4uGVYta6NpslFKaWqmLeX8NjAdrRrHMSjM9axfFd6hT8jon4At3SP5Kb4ZjQIqppClRWhA/rogL5Syj7HT+aRcTKvQtesSz3OxMRklu48gq+3cGWHxozqEUVCdEiVVhPQ2mJKKVVNBQf4EhxQsTpmzUICuSamCdsPZTF5WQozkvbw3br9hAf7V3gezc3dmjG6T4sKXVMemlyUUspNtWpYh2eubc+YK9vy3bp9/Lo1jcIK9kaF1XFNl5omF6WUcnMBft4Mi2/GsAo+GOBK+iiyUkopp9PkopRSyuk0uSillHI6TS5KKaWcTpOLUkopp9PkopRSyuk0uSillHI6TS5KKaWcTmuLASKSBlzo4gphwGEnhuNOauq9633XLHrfJYsyxjQo7oAml0oSkZUlFW7zdDX13vW+axa97wuj3WJKKaWcTpOLUkopp9PkUnkf2B2AjWrqvet91yx63xdAx1yUUko5nbZclFJKOZ0mF6WUUk6nyaUSRGSgiPwuIttF5HG743EVEflERA6JyIYi+0JEZJ6IbHN8rW9njK4gIs1E5GcR2SQiG0XkIcd+j753EfEXkeUistZx3/907I8WkWWOn/dpIuJnd6yuICLeIrJaRL5zbHv8fYvIbhFZLyJrRGSlY1+lfs41uVwgEfEG3gGuAtoDt4hIe3ujcpnxwMBz9j0OzDfGtAbmO7Y9TT7wD2NMe6AHcL/jv7Gn33sucJkxpjMQCwwUkR7Ay8DrxphWwFHgThtjdKWHgM1FtmvKffczxsQWmdtSqZ9zTS4Xrjuw3Riz0xhzCpgKDLE5JpcwxiwE0s/ZPQSY4Hg/AbiuSoOqAsaY/caYVY73mVi/cJri4fduLFmOTV/HywCXATMc+z3uvgFEJAK4BvjIsS3UgPsuQaV+zjW5XLimwJ4i26mOfTVFI2PMfsf7A0AjO4NxNRFpDnQBllED7t3RNbQGOATMA3YAx4wx+Y5TPPXn/Q3gUaDQsR1KzbhvA8wVkSQRuduxr1I/5z7OjE7VTMYYIyIe+0y7iNQBvgQeNsZkWH/MWjz13o0xBUCsiNQDvgba2RySy4nIIOCQMSZJRPraHU8V622M2SsiDYF5IrKl6MEL+TnXlsuF2ws0K7Id4dhXUxwUkSYAjq+HbI7HJUTEFyuxTDLGfOXYXSPuHcAYcwz4GegJ1BOR03+QeuLPey9gsIjsxurmvgx4E8+/b4wxex1fD2H9MdGdSv6ca3K5cCuA1o4nSfyA4cAsm2OqSrOA2x3vbwe+sTEWl3D0t38MbDbGjCtyyKPvXUQaOFosiEgAMABrvOlnYKjjNI+7b2PME8aYCGNMc6z/nxcYY0bi4fctIrVFJOj0e+AKYAOV/DnXGfqVICJXY/XRegOfGGNetDkklxCRKUBfrBLcB4FngZnAF0Ak1nIFNxljzh30d2si0htYBKznjz74J7HGXTz23kUkBmsA1xvrD9AvjDHPi0gLrL/oQ4DVwChjTK59kbqOo1vsEWPMIE+/b8f9fe3Y9AEmG2NeFJFQKvFzrslFKaWU02m3mFJKKafT5KKUUsrpNLkopZRyOk0uSimlnE6Ti1JKKafT5KLUBRCRRiIyWUR2OkpmLBWR622Kpa+IXFxk+14Ruc2OWJQ6Tcu/KFVBjsmVM4EJxpgRjn1RwGAXfk+fIvWtztUXyAKWABhj3ndVHEqVl85zUaqCRKQ/8Iwx5tJijnkDL2H9wq8FvGOM+T/HpLzngMNARyAJazKeEZGuwDigjuP4n4wx+0XkF2AN0BuYAmwFxgJ+wBFgJBAAJAIFQBrwINAfyDLGvCoiscD7QCBW8ck/G2OOOj57GdAPqAfcaYxZ5Lx/JVXTabeYUhXXAVhVwrE7gePGmG5AN+AuEYl2HOsCPIy1/k8LoJejdtnbwFBjTFfgE6BopQc/Y0y8MeY14DeghzGmC9aM8UeNMbuxksfrjrU4zk0QnwGPGWNisCoNPFvkmI8xprsjpmdRyom0W0ypShKRd7BaF6ewymTEiMjpWlTBQGvHseXGmFTHNWuA5sAxrJbMPEe1ZW9gf5GPn1bkfQQwzVFE0A/YVUZcwUA9Y8yvjl0TgOlFTjldiDPJEYtSTqPJRamK2wjceHrDGHO/iIQBK4EU4EFjzI9FL3B0ixWtR1WA9f+fABuNMT1L+F7ZRd6/DYwzxswq0s1WGafjOR2LUk6j3WJKVdwCwF9E7iuyL9Dx9UfgPkd3FyLSxlFptiS/Aw1EpKfjfF8R6VDCucH8Ue799iL7M4Ggc082xhwHjopIH8euW4Ffzz1PKVfQv1aUqiDHIPx1wOsi8ijWQHo28BhWt1NzYJXjqbI0Slke1hhzytGF9pajG8sHq9L2xmJOfw6YLiJHsRLc6bGcb4EZIjIEa0C/qNuB90UkENgJ3FHxO1aq4vRpMaWUUk6n3WJKKaWcTpOLUkopp9PkopRSyuk0uSillHI6TS5KKaWcTpOLUkopp9PkopRSyun+HxuTtEdNFhQeAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CV MSE after feature selection: -0.92\n", + "MultinomialNB 10-Cross Validation accuracy: -0.9168388898050368\n" + ] + } + ], + "source": [ + "import random\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "\n", + "from sklearn.datasets import load_boston , fetch_20newsgroups , load_wine\n", + "from sklearn.model_selection import cross_val_score\n", + "from sklearn.linear_model import LinearRegression\n", + "from sklearn.naive_bayes import MultinomialNB\n", + "from sklearn.feature_extraction.text import HashingVectorizer , TfidfVectorizer\n", + "\n", + "\n", + "SEED = 2018\n", + "random.seed(SEED)\n", + "np.random.seed(SEED)\n", + "\n", + "#==============================================================================\n", + "# Data \n", + "#==============================================================================\n", + "\n", + "# dataset = fetch_20newsgroups(subset='all', remove=('headers', 'footers', 'quotes'))\n", + "cats =['alt.atheism', 'comp.graphics', 'comp.os.ms-windows.misc', 'comp.sys.ibm.pc.hardware']\n", + "dataset = fetch_20newsgroups(subset='all', categories=cats,shuffle=True, random_state=42)\n", + "\n", + "X1, y = dataset.data, dataset.target\n", + "# vectorizer = HashingVectorizer(stop_words='english', non_negative=True)\n", + "vectorizer = TfidfVectorizer(sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "X = vectorizer.fit_transform(X1)\n", + "features = features = dataset.target_names\n", + "\n", + "\n", + "# dataset = load_wine()\n", + "# X, y = dataset.data, dataset.target\n", + "# features = dataset.feature_names\n", + "\n", + "#==============================================================================\n", + "# CV MSE before feature selection\n", + "#==============================================================================\n", + "# est = LinearRegression()\n", + "est = MultinomialNB(alpha=.01)\n", + "# score = -1.0 * cross_val_score(est, X, y, cv=5, scoring=\"neg_mean_squared_error\")\n", + "# score = -1.0 *cross_val_score(est, X, y, cv=5, scoring='accuracy').mean()\n", + "# print(\"CV MSE before feature selection: {:.2f}\".format(np.mean(score)))\n", + "\n", + "# est.fit(X=train_data, y=train_labels)\n", + "print (\"MultinomialNB 10-Cross Validation accuracy:\",-1.0 *cross_val_score(est, X, y, cv=5, scoring='accuracy').mean())\n", + "#==============================================================================\n", + "# Class performing feature selection with genetic algorithm\n", + "#==============================================================================\n", + "class GeneticSelector():\n", + " def __init__(self, estimator, n_gen, size, n_best, n_rand, \n", + " n_children, mutation_rate):\n", + " # Estimator \n", + " self.estimator = estimator\n", + " # Number of generations\n", + " self.n_gen = n_gen\n", + " # Number of chromosomes in population\n", + " self.size = size\n", + " # Number of best chromosomes to select\n", + " self.n_best = n_best\n", + " # Number of random chromosomes to select\n", + " self.n_rand = n_rand\n", + " # Number of children created during crossover\n", + " self.n_children = n_children\n", + " # Probablity of chromosome mutation\n", + " self.mutation_rate = mutation_rate\n", + " \n", + " if int((self.n_best + self.n_rand) / 2) * self.n_children != self.size:\n", + " raise ValueError(\"The population size is not stable.\") \n", + " \n", + " def initilize(self):\n", + " population = []\n", + " for i in range(self.size):\n", + " chromosome = np.ones(self.n_features, dtype=np.bool)\n", + " mask = np.random.rand(len(chromosome)) < 0.3\n", + " chromosome[mask] = False\n", + " population.append(chromosome)\n", + " return population\n", + "\n", + " def fitness(self, population):\n", + " X, y = self.dataset\n", + " scores = []\n", + " for chromosome in population:\n", + "# score = -1.0 * np.mean(cross_val_score(self.estimator, X[:,chromosome], y, \n", + "# cv=5, \n", + "# scoring=\"neg_mean_squared_error\"))\n", + "\n", + "# self.estimator.fit(X=train_data, y=train_labels)\n", + " score = -1.0 *cross_val_score(self.estimator, X[:,chromosome], y, cv=5, scoring='accuracy').mean()\n", + "# print (\"MultinomialNB 10-Cross Validation accuracy:\",cross_val_score(self.estimator, X[:,sel.support_], y, cv=5, scoring='accuracy').mean())\n", + " scores.append(score)\n", + " scores, population = np.array(scores), np.array(population) \n", + " inds = np.argsort(scores)\n", + " return list(scores[inds]), list(population[inds,:])\n", + "\n", + " def select(self, population_sorted):\n", + " \n", + " population_next = []\n", + " for i in range(self.n_best):\n", + " population_next.append(population_sorted[i])\n", + " for i in range(self.n_rand):\n", + " population_next.append(random.choice(population_sorted))\n", + " random.shuffle(population_next)\n", + " return population_next\n", + "\n", + " def crossover(self, population):\n", + " population_next = []\n", + " for i in range(int(len(population)/2)):\n", + " for j in range(self.n_children):\n", + " chromosome1, chromosome2 = population[i], population[len(population)-1-i]\n", + " child = chromosome1\n", + " mask = np.random.rand(len(child)) > 0.5\n", + " child[mask] = chromosome2[mask]\n", + " population_next.append(child)\n", + " return population_next\n", + "\t\n", + " def mutate(self, population):\n", + " population_next = []\n", + " for i in range(len(population)):\n", + " chromosome = population[i]\n", + " if random.random() < self.mutation_rate:\n", + " mask = np.random.rand(len(chromosome)) < 0.05\n", + " chromosome[mask] = False\n", + " population_next.append(chromosome)\n", + " return population_next\n", + "\n", + " def generate(self, population):\n", + " # Selection, crossover and mutation\n", + " scores_sorted, population_sorted = self.fitness(population)\n", + " population = self.select(population_sorted)\n", + " population = self.crossover(population)\n", + " population = self.mutate(population)\n", + " # History\n", + " self.chromosomes_best.append(population_sorted[0])\n", + " self.scores_best.append(scores_sorted[0])\n", + " print(\"score : \", scores_sorted[0])\n", + " self.scores_avg.append(np.mean(scores_sorted))\n", + " \n", + " return population\n", + "\n", + " def fit(self, X, y):\n", + " \n", + " self.chromosomes_best = []\n", + " self.scores_best, self.scores_avg = [], []\n", + " \n", + " self.dataset = X, y\n", + " self.n_features = X.shape[1]\n", + " \n", + " population = self.initilize()\n", + " for i in range(self.n_gen):\n", + " population = self.generate(population)\n", + " \n", + " return self \n", + " \n", + " @property\n", + " def support_(self):\n", + " return self.chromosomes_best[-1]\n", + "\n", + " def plot_scores(self):\n", + " plt.plot(self.scores_best, label='Best')\n", + " plt.plot(self.scores_avg, label='Average')\n", + " plt.legend()\n", + " plt.ylabel('Scores')\n", + " plt.xlabel('Generation')\n", + " plt.show()\n", + "# (self.n_best + self.n_rand) / 2) * self.n_children != self.size\n", + "sel = GeneticSelector(estimator=MultinomialNB(alpha=.3), \n", + " n_gen=50, size=400, n_best=40, n_rand=160, n_children=4, mutation_rate=0.01)\n", + "sel.fit(X, y)\n", + "sel.plot_scores()\n", + "# print(\"chromosomes_best: \",sel.chromosomes_best)\n", + "# score = -1.0 * cross_val_score(est, X[:,sel.support_], y, cv=5, scoring=\"neg_mean_squared_error\")\n", + "score = -1.0 *cross_val_score(est, X[:,sel.support_], y, scoring='accuracy', cv = 5)\n", + "print(\"CV MSE after feature selection: {:.2f}\".format(np.mean(score)))\n", + "# accuracy = -1.0 *cross_val_score(est, X[:,sel.support_], y, scoring='accuracy', cv = 5).mean()\n", + "# print(accuracy)\n", + "# print (\"MultinomialNB 10-Cross Validation accuracy:\",accuracy)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "-0.9197605276045913\n", + "-0.9320764752582706\n", + "---------------\n", + "n_gen=50, size=400, n_best=40, n_rand=160, n_children=4, mutation_rate=0.01)\n", + "-0.9320764752582706\n", + "CV MSE after feature selection: -0.92\n", + "---------------" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.3" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/Untitled17.ipynb b/Untitled17.ipynb new file mode 100644 index 00000000..469bd6d6 --- /dev/null +++ b/Untitled17.ipynb @@ -0,0 +1,668 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 59, + "metadata": {}, + "outputs": [], + "source": [ + "dataset = fetch_20newsgroups(subset='all', remove=('headers', 'footers', 'quotes'))\n", + "dataset_train = fetch_20newsgroups(subset='train', remove=('headers', 'footers', 'quotes'))\n", + "dataset_test = fetch_20newsgroups(subset='test', remove=('headers', 'footers', 'quotes'))" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Users/shahd/anaconda3/lib/python3.7/site-packages/sklearn/feature_extraction/hashing.py:102: DeprecationWarning: the option non_negative=True has been deprecated in 0.19 and will be removed in version 0.21.\n", + " \" in version 0.21.\", DeprecationWarning)\n" + ] + } + ], + "source": [ + "dataset = fetch_20newsgroups(subset='train', remove=('headers', 'footers', 'quotes'))\n", + "\n", + "X1, y = dataset.data, dataset.target\n", + "vectorizer = HashingVectorizer(stop_words='english', non_negative=True)\n", + "X = vectorizer.transform(X1)\n", + "features = features = dataset.target_names" + ] + }, + { + "cell_type": "code", + "execution_count": 74, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy\n", + "import sklearn.svm\n", + "from sklearn.feature_extraction.text import HashingVectorizer ,TfidfVectorizer\n", + "from sklearn.datasets import fetch_20newsgroups \n", + "from sklearn.naive_bayes import MultinomialNB\n", + "\n", + "def reduce_features(solution, features):\n", + " selected_elements_indices = numpy.where(solution == 1)[0]\n", + " reduced_features = features[:, selected_elements_indices]\n", + " return reduced_features\n", + "\n", + "\n", + "def classification_accuracy(labels, predictions):\n", + " correct = numpy.where(labels == predictions)[0]\n", + " accuracy = correct.shape[0]/labels.shape[0]\n", + " return accuracy\n", + "\n", + "\n", + "def cal_pop_fitness(pop, features, labels, train_indices, test_indices, indices):\n", + " accuracies = numpy.zeros(pop.shape[0])\n", + " idx = 0\n", + "\n", + " for curr_solution in pop:\n", + " reduced_features = reduce_features(curr_solution, features)\n", + " train_data = reduced_features[train_indices, :]\n", + "# print (\"train_data: \", train_data.shape)\n", + " test_data = reduced_features[test_indices, :]\n", + "# print (\"test_data: \", test_data.shape)\n", + "\n", + " train_labels = labels[train_indices]\n", + " \n", + " test_labels = labels[test_indices]\n", + " data_labels= labels[indices]\n", + " data = reduced_features[indices, :]\n", + " SV_classifier = MultinomialNB(alpha=0.3, class_prior=None, fit_prior=True)\n", + "# SV_classifier.fit(train_data, train_labels)\n", + "# sklearn.svm.SVC(gamma='scale')\n", + "# SV_classifier.fit(X=train_data, y=train_labels)\n", + "\n", + "# predictions = SV_classifier.predict(test_data)\n", + "# accuracies[idx] = classification_accuracy(test_labels, predictions)\n", + "# print(features)\n", + " accuracies[idx] = cross_val_score(SV_classifier, data, data_labels, cv=5, scoring='accuracy').mean()\n", + " idx = idx + 1\n", + " return accuracies\n", + "\n", + "def select_mating_pool(pop, fitness, num_parents):\n", + " # Selecting the best individuals in the current generation as parents for producing the offspring of the next generation.\n", + " parents = numpy.empty((num_parents, pop.shape[1]))\n", + " for parent_num in range(num_parents):\n", + " max_fitness_idx = numpy.where(fitness == numpy.max(fitness))\n", + " max_fitness_idx = max_fitness_idx[0][0]\n", + " parents[parent_num, :] = pop[max_fitness_idx, :]\n", + " fitness[max_fitness_idx] = -99999999999\n", + " return parents\n", + "\n", + "\n", + "def crossover(parents, offspring_size):\n", + " offspring = numpy.empty(offspring_size)\n", + " # The point at which crossover takes place between two parents. Usually, it is at the center.\n", + " crossover_point = numpy.uint8(offspring_size[1]/2)\n", + "\n", + " for k in range(offspring_size[0]):\n", + " # Index of the first parent to mate.\n", + " parent1_idx = k%parents.shape[0]\n", + " # Index of the second parent to mate.\n", + " parent2_idx = (k+1)%parents.shape[0]\n", + " # The new offspring will have its first half of its genes taken from the first parent.\n", + " offspring[k, 0:crossover_point] = parents[parent1_idx, 0:crossover_point]\n", + " # The new offspring will have its second half of its genes taken from the second parent.\n", + " offspring[k, crossover_point:] = parents[parent2_idx, crossover_point:]\n", + " return offspring\n", + "\n", + "\n", + "def mutation(offspring_crossover, num_mutations=2):\n", + " mutation_idx = numpy.random.randint(low=0, high=offspring_crossover.shape[1], size=num_mutations)\n", + " # Mutation changes a single gene in each offspring randomly.\n", + " for idx in range(offspring_crossover.shape[0]):\n", + " # The random value to be added to the gene.\n", + " offspring_crossover[idx, mutation_idx] = 1 - offspring_crossover[idx, mutation_idx]\n", + " return offspring_crossover" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "scrolled": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "MultinomialNB 10-Cross Validation : 0.9232425531812523\n", + "Number of training samples: 935\n", + "Number of test samples: 935\n", + "(900, 82269)\n", + "Generation : 0\n", + "Best result : 0.8935796166837233\n", + "Generation : 1\n", + "Best result : 0.8935796166837233\n", + "Generation : 2\n", + "Best result : 0.8935796166837233\n", + "Generation : 3\n", + "Best result : 0.8935796166837233\n", + "Generation : 4\n", + "Best result : 0.8935853669083414\n", + "Generation : 5\n", + "Best result : 0.8935853669083414\n", + "Generation : 6\n", + "Best result : 0.8935853669083414\n", + "Generation : 7\n", + "Best result : 0.8935853669083414\n", + "Generation : 8\n", + "Best result : 0.8935853669083414\n", + "Generation : 9\n", + "Best result : 0.8935853669083414\n", + "Generation : 10\n", + "Best result : 0.8935853669083414\n", + "Generation : 11\n", + "Best result : 0.8935853669083414\n", + "Generation : 12\n", + "Best result : 0.8941187002416747\n", + "Generation : 13\n", + "Best result : 0.8941187002416747\n", + "Generation : 14\n" + ] + } + ], + "source": [ + "import numpy\n", + "import pickle\n", + "from sklearn.model_selection import cross_val_score\n", + "import matplotlib.pyplot\n", + "from sklearn.naive_bayes import MultinomialNB \n", + "\n", + "cats =['alt.atheism', 'comp.graphics', 'comp.os.ms-windows.misc', 'comp.sys.ibm.pc.hardware']\n", + "dataset = fetch_20newsgroups(subset='all', categories=cats)\n", + "\n", + "X1, y = dataset.data, dataset.target\n", + "vectorizer = TfidfVectorizer(sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "# vectorizer = HashingVectorizer(stop_words='english', non_negative=True)\n", + "X = vectorizer.fit_transform(X1)\n", + "# features = dataset.target_names\n", + "data_outputs = dataset.target\n", + "data_inputs = X\n", + "est = MultinomialNB(alpha=0.3, class_prior=None, fit_prior=True)\n", + "# tttt =cross_val_score(est, X, y, cv=5, scoring='accuracy').mean()\n", + "print (\"MultinomialNB 10-Cross Validation :\",cross_val_score(est, data_inputs, data_outputs, cv=5, scoring='accuracy').mean())\n", + "\n", + "\n", + "# f = open(\"dataset_features.pkl\", \"rb\")\n", + "# data_inputs = pickle.load(f)\n", + "# f.close()\n", + "\n", + "# f = open(\"outputs.pkl\", \"rb\")\n", + "# data_outputs = pickle.load(f)\n", + "# f.close()\n", + "\n", + "\n", + "num_samples = data_inputs.shape[0]\n", + "num_feature_elements = data_inputs.shape[1]\n", + "\n", + "train_indices = numpy.arange(1, num_samples, 4)\n", + "test_indices = numpy.arange(0, num_samples, 4)\n", + "indices = numpy.arange(0, num_samples, 2)\n", + "print(\"Number of training samples: \", train_indices.shape[0])\n", + "print(\"Number of test samples: \", test_indices.shape[0])\n", + "\n", + "\"\"\"\n", + "Genetic algorithm parameters:\n", + " Population size\n", + " Mating pool size\n", + " Number of mutations\n", + "\"\"\"\n", + "sol_per_pop = 900 # Population size.\n", + "num_parents_mating = 300 # Number of parents inside the mating pool.\n", + "num_mutations = 30 # Number of elements to mutate.\n", + "\n", + "# Defining the population shape.\n", + "pop_shape = (sol_per_pop, num_feature_elements)\n", + "\n", + "# Creating the initial population.\n", + "new_population = numpy.random.randint(low=0, high=2, size=pop_shape)\n", + "print(new_population.shape)\n", + "\n", + "best_outputs = []\n", + "num_generations = 50\n", + "for generation in range(num_generations):\n", + " print(\"Generation : \", generation)\n", + " # Measuring the fitness of each chromosome in the population.\n", + " fitness = cal_pop_fitness(new_population, data_inputs, data_outputs, train_indices, test_indices, indices)\n", + "\n", + " best_outputs.append(numpy.max(fitness))\n", + " # The best result in the current iteration.\n", + " print(\"Best result : \", best_outputs[-1])\n", + "\n", + " # Selecting the best parents in the population for mating.\n", + " parents = select_mating_pool(new_population, fitness, num_parents_mating)\n", + "\n", + " # Generating next generation using crossover.\n", + " offspring_crossover = crossover(parents, offspring_size=(pop_shape[0]-parents.shape[0], num_feature_elements))\n", + "\n", + " # Adding some variations to the offspring using mutation.\n", + " offspring_mutation = mutation(offspring_crossover, num_mutations=num_mutations)\n", + "\n", + " # Creating the new population based on the parents and offspring.\n", + " new_population[0:parents.shape[0], :] = parents\n", + " new_population[parents.shape[0]:, :] = offspring_mutation\n", + "\n", + "# Getting the best solution after iterating finishing all generations.\n", + "# At first, the fitness is calculated for each solution in the final generation.\n", + "fitness = cal_pop_fitness(new_population, data_inputs, data_outputs, train_indices, test_indices, indices)\n", + "# Then return the index of that solution corresponding to the best fitness.\n", + "best_match_idx = numpy.where(fitness == numpy.max(fitness))[0]\n", + "best_match_idx = best_match_idx[0]\n", + "\n", + "best_solution = new_population[best_match_idx, :]\n", + "best_solution_indices = numpy.where(best_solution == 1)[0]\n", + "best_solution_num_elements = best_solution_indices.shape[0]\n", + "best_solution_fitness = fitness[best_match_idx]\n", + "est = MultinomialNB(alpha=0.3, class_prior=None, fit_prior=True)\n", + "tttt =cross_val_score(est, X[:,best_solution], y, cv=5, scoring='accuracy').mean()\n", + "print (\"MultinomialNB 10-Cross Validation accuracy:\",tttt)\n", + "\n", + "print(\"best_match_idx : \", best_match_idx)\n", + "print(\"best_solution : \", best_solution)\n", + "print(\"Selected indices : \", best_solution_indices)\n", + "print(\"Number of selected elements : \", best_solution_num_elements)\n", + "print(\"Best solution fitness : \", best_solution_fitness)\n", + "\n", + "matplotlib.pyplot.plot(best_outputs)\n", + "matplotlib.pyplot.xlabel(\"Iteration\")\n", + "matplotlib.pyplot.ylabel(\"Fitness\")\n", + "matplotlib.pyplot.show()\n", + "# 0.9232425531812523\n", + "# 0.9112133005119546\n", + "# 0.911742689829231\n", + "# 0.878171970381991\n", + "# 0.8925071997924384" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print(best_solution)\n", + "\n", + "sol_per_pop = 400 # Population size.\n", + "num_parents_mating = 200 # Number of parents inside the mating pool.\n", + "num_mutations = 30 # Number of elements to mutate\n", + "0.8952199143808468" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "0.8727272727272727\n", + "0.8716577540106952\n", + "0.8641711229946524\n", + "0.8695187165775401\n", + "0.8673796791443851\n", + "0.8663101604278075\n", + "\n", + "\n", + "0.8673796791443851\n", + " \n", + "0.6186332767402377\n", + "\n", + "\n", + "-------------------tdidf\n", + "---------------- \n", + "num_generations = 50 \n", + "sol_per_pop = 100 # Population size.\n", + "num_parents_mating = 50 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "result: 0.8673796791443851\n", + " \n", + "---------------- \n", + "num_generations = 50 \n", + "sol_per_pop = 100 # Population size.\n", + "num_parents_mating = 50 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "0.8695187165775401\n", + "---------------- \n", + "num_generations = 50 \n", + "sol_per_pop = 200 # Population size.\n", + "num_parents_mating = 50 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "0.8663101604278075\n", + "---------------- \n", + "num_generations = 100\n", + "sol_per_pop = 200 # Population size.\n", + "num_parents_mating = 50 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "0.8695187165775401\n", + "---------------- \n", + "num_generations = 100\n", + "sol_per_pop = 200 # Population size.\n", + "num_parents_mating = 50 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "0.8673796791443851\n", + "---------------- \n", + "num_generations = 100\n", + "sol_per_pop = 300 # Population size.\n", + "num_parents_mating = 50 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "0.8737967914438503\n", + "----------------\n", + "num_generations = 100\n", + "sol_per_pop = 300 # Population size.\n", + "num_parents_mating = 100 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "0.8663101604278075\n", + "----------------\n", + "num_generations = 100\n", + "sol_per_pop = 300 # Population size.\n", + "num_parents_mating = 100 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "0.8737967914438503\n", + "----------------\n", + "num_generations = 100\n", + "sol_per_pop = 300 # Population size.\n", + "num_parents_mating = 30 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "0.8673796791443851\n", + "\n", + "0.8695187165775401\n", + "----------------\n", + "num_generations = 100\n", + "sol_per_pop = 300 # Population size.\n", + "num_parents_mating = 150 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "0.8684491978609625\n", + "------------------\n", + "num_generations = 100\n", + "sol_per_pop = 500 # Population size.\n", + "num_parents_mating = 100 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "0.8695187165775401\n", + "------------------\n", + "num_generations = 100\n", + "sol_per_pop = 500 # Population size.\n", + "num_parents_mating = 200 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "0.8759358288770054\n", + "----------------\n", + "sol_per_pop = 500 # Population size.\n", + "num_parents_mating = 200 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "0.8759358288770054\n", + "------------------\n", + "num_generations = 100\n", + "sol_per_pop = 500 # Population size.\n", + "num_parents_mating = 200 # Number of parents inside the mating pool.\n", + "num_mutations = 30 # Number of elements to mutate.\n", + "0.8748663101604278\n", + "------------------\n", + "num_generations = 100\n", + "sol_per_pop = 500 # Population size.\n", + "num_parents_mating = 200 # Number of parents inside the mating pool.\n", + "num_mutations = 30 # Number of elements to mutate.\n", + "0.8748663101604278\n", + "------------------\n", + "num_generations = 100\n", + "sol_per_pop = 900 # Population size.\n", + "num_parents_mating = 250 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "0.8770053475935828" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "ename": "NameError", + "evalue": "name 'dataset_train' is not defined", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 3\u001b[0m \u001b[0;31m# (sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 4\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 5\u001b[0;31m \u001b[0mdataset_train_vectors\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mvectorizer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mfit_transform\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdataset_train\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdata\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 6\u001b[0m \u001b[0mdataset_test_vectors\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mvectorizer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtransform\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdataset_test\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdata\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 7\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mNameError\u001b[0m: name 'dataset_train' is not defined" + ] + } + ], + "source": [ + "from sklearn import metrics\n", + "vectorizer = TfidfVectorizer(stop_words='english')\n", + "# (sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "\n", + "dataset_train_vectors = vectorizer.fit_transform(dataset_train.data)\n", + "dataset_test_vectors = vectorizer.transform(dataset_test.data) \n", + "\n", + "Xtr = dataset_train_vectors\n", + "ytr = dataset_train.target\n", + "Xtt = dataset_test_vectors\n", + "ytt = dataset_test.target\n", + "\n", + "# Instantiate the estimator\n", + "clf_MNB = MultinomialNB(alpha=0.3, class_prior=None, fit_prior=True)\n", + "\n", + "# Fit the model with data (aka \"model training\")\n", + "clf_MNB.fit(Xtr, ytr)\n", + "\n", + "# Predict the response for a new observation\n", + "y_pred_mnb = clf_MNB.predict(Xtt)\n", + "# print (\"Predicted Class Labels:\",y_pred_mnb)\n", + "\n", + "# calculate accuracy\n", + "print (\"Classification Accuracy:\",metrics.accuracy_score(ytt, y_pred_mnb))" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Predicted Class Labels: [1 2 1 ... 1 3 3]\n", + "Classification Accuracy: 0.856760374832664\n", + "MultinomialNB 10-Cross Validation : 0.9187038860806073\n" + ] + } + ], + "source": [ + "from sklearn import metrics\n", + "from sklearn.model_selection import cross_val_score\n", + "\n", + "cats =['alt.atheism', 'comp.graphics', 'comp.os.ms-windows.misc', 'comp.sys.ibm.pc.hardware']\n", + "\n", + "dataset_train = fetch_20newsgroups(subset='train', categories=cats)\n", + "dataset_test = fetch_20newsgroups(subset='test', categories=cats)\n", + "data = fetch_20newsgroups(subset='all', categories=cats)\n", + "\n", + "vectorizer = TfidfVectorizer(stop_words='english')\n", + "# TfidfVectorizer(sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "\n", + "dataset_train_vectors = vectorizer.fit_transform(dataset_train.data)\n", + "dataset_test_vectors = vectorizer.transform(dataset_test.data) \n", + "dataset_vectors = vectorizer.fit_transform(data.data)\n", + "yy = data.target\n", + "XX = dataset_vectors\n", + "\n", + "Xtr = dataset_train_vectors\n", + "ytr = dataset_train.target\n", + "Xtt = dataset_test_vectors\n", + "ytt = dataset_test.target\n", + "\n", + "# Instantiate the estimator\n", + "clf_MNB = MultinomialNB(alpha=0.3, class_prior=None, fit_prior=True)\n", + "\n", + "# Fit the model with data (aka \"model training\")\n", + "clf_MNB.fit(Xtr, ytr)\n", + "\n", + "# Predict the response for a new observation\n", + "y_pred_mnb = clf_MNB.predict(Xtt)\n", + "print (\"Predicted Class Labels:\",y_pred_mnb)\n", + "\n", + "# calculate accuracy\n", + "print (\"Classification Accuracy:\",metrics.accuracy_score(ytt, y_pred_mnb))\n", + "y_pred_mnb = clf_MNB.predict(Xtt)\n", + "# print (\"Predicted Class Labels:\",y_pred_mnb)\n", + "\n", + "\n", + "print (\"MultinomialNB 10-Cross Validation :\",cross_val_score(clf_MNB, XX, yy, cv=5, scoring='accuracy').mean())" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "TfidfVectorizer:\n", + "Classification Accuracy: 0.856760374832664\n", + "Predicted Class Labels: [1 2 1 ... 1 3 3]\n", + "MultinomialNB 10-Cross Validation : 0.9187038860806073" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sol_per_pop = 20: 0.5952886247877759\n", + "----------------------\n", + "sol_per_pop = 8 # Population size.\n", + "num_parents_mating = 4 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "num_generations = 100\n", + "result:0.5988964346349746\n", + "---------------------\n", + "sol_per_pop = 200 # Population size.\n", + "num_parents_mating = 4 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "num_generations = 100\n", + "result:0.6050509337860781\n", + "---------------------\n", + "result:0.6118421052631579\n", + "--------------------- ✔️\n", + "num_generations = 100\n", + "sol_per_pop = 50 # Population size. ✔️\n", + "num_parents_mating = 4 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "results:0.6169354838709677\n", + "--------------------- \n", + "num_generations = 100\n", + "sol_per_pop = 20 # Population size.\n", + "num_parents_mating = 4 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "results:0.6143887945670629\n", + "---------------------\n", + "num_generations = 100\n", + "sol_per_pop = 20 # Population size.\n", + "num_parents_mating = 10 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "result: 0.6137521222410866\n", + "---------------------\n", + "num_generations = 100\n", + "sol_per_pop = 50 # Population size.\n", + "num_parents_mating = 25 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "result:0.6177843803056027\n", + "---------------------\n", + "num_generations = 50\n", + "sol_per_pop = 500 # Population size.\n", + "num_parents_mating = 250 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "result:0.62330220713073\n", + "--------------------\n", + "num_generations = 50\n", + "sol_per_pop = 500 # Population size.\n", + "num_parents_mating = 250 # Number of parents inside the mating pool.\n", + "num_mutations = 30 # Number of elements to mutate.\n", + "result: 0.6205432937181664\n", + "--------------------\n", + "num_generations = 50\n", + "sol_per_pop = 5000 # Population size.\n", + "num_parents_mating = 2500 # Number of parents inside the mating pool.\n", + "num_mutations = 10 # Number of elements to mutate.\n", + "result: 0.6226655348047538\n", + " \n", + "------------------\n", + "------------------\n", + "num_generations = 50\n", + "sol_per_pop = 1000 # Population size.\n", + "num_parents_mating = 600 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "resultt: 0.8434163701067615\n", + "------------------\n", + "num_generations = 50\n", + "sol_per_pop = 1000 # Population size.\n", + "num_parents_mating = 500 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "resultt: 0.0.8380782918149466\n", + "------------------\n", + "num_generations = 50\n", + "sol_per_pop = 500 # Population size.\n", + "num_parents_mating = 250 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "resultt: 0.0.8380782918149466 \n", + "0.8416370106761566\n", + "------------------\n", + "num_generations = 50\n", + "sol_per_pop = 100 # Population size.\n", + "num_parents_mating = 50 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "result: 0.8416370106761566\n", + "------------------\n", + "num_generations = 50\n", + "sol_per_pop = 100 # Population size.\n", + "num_parents_mating = 25 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "------------------\n", + "num_generations = 50\n", + "sol_per_pop = 50 # Population size.\n", + "num_parents_mating = 25 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "result:0.8673796791443851\n", + "------------------\n", + "num_generations = 50 \n", + "sol_per_pop = 500 # Population size.\n", + "num_parents_mating = 10 # Number of parents inside the mating pool.\n", + "num_mutations = 3 # Number of elements to mutate.\n", + "result: 0.8641711229946524\n", + "0.8695187165775401\n", + "------------------\n", + "num_generations = 50 " + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.3" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/Untitled18.ipynb b/Untitled18.ipynb new file mode 100644 index 00000000..b820a81b --- /dev/null +++ b/Untitled18.ipynb @@ -0,0 +1,303 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "MultinomialNB 10-Cross Validation accuracy: -0.9106842643537906\n", + "score : -0.9187042363608621\n", + "score : -0.9192343492156997\n", + "score : -0.9192368519143086\n", + "score : -0.9189709030351952\n", + "score : -0.9197673169609523\n", + "score : -0.9208375544246821\n", + "score : -0.9208375544246821\n", + "score : -0.920035055533863\n", + "score : -0.920035055533863\n", + "score : -0.9203017250755237\n", + "score : -0.9211042239663426\n", + "score : -0.921903501407557\n", + "score : -0.9224396944370475\n", + "score : -0.9227056433161607\n", + "score : -0.9227095777782633\n", + "score : -0.9235077852247645\n", + "score : -0.9237751649039089\n", + "score : -0.9240425436272777\n", + "score : -0.9243070626659786\n", + "score : -0.924577303941342\n", + "score : -0.924577303941342\n", + "score : -0.9243102812444128\n", + "score : -0.9243099233064219\n", + "score : -0.9243099233064219\n", + "score : -0.9243099233064219\n", + "score : -0.924576946003351\n", + "score : -0.924576946003351\n", + "score : -0.9248453985406924\n", + "score : -0.9248453985406924\n", + "score : -0.9248446836204863\n", + "score : -0.9248446836204863\n", + "score : -0.9248446836204863\n", + "score : -0.9248446836204863\n", + "score : -0.9248446836204863\n", + "score : -0.9248446836204863\n", + "score : -0.9248450415584772\n", + "score : -0.9248446836204863\n", + "score : -0.9248446836204863\n", + "score : -0.9248446836204863\n", + "score : -0.9248446836204863\n", + "score : -0.9245776609235572\n", + "score : -0.9245776609235572\n", + "score : -0.924578375843763\n", + "score : -0.9248457593536973\n", + "score : -0.9248457593536973\n", + "score : -0.9248457593536973\n", + "score : -0.9248457593536973\n", + "score : -0.9251131390328418\n", + "score : -0.9251131390328418\n", + "score : -0.9251131390328418\n", + "score : -0.9253805187119861\n", + "score : -0.9253805187119861\n", + "score : -0.9253805187119861\n", + "score : -0.9256486142671122\n", + "score : -0.9259152780702748\n", + "score : -0.925915994905876\n", + "score : -0.9259167098260818\n", + "score : -0.925915994905876\n", + "score : -0.9261837325230111\n", + "score : -0.9261837325230111\n", + "score : -0.9261837325230111\n", + "score : -0.9259156360082658\n", + "score : -0.9259156360082658\n", + "score : -0.9259156360082658\n", + "score : -0.9259156360082658\n", + "score : -0.9259156360082658\n", + "score : -0.9259156360082658\n", + "score : -0.9259156360082658\n", + "score : -0.9259156360082658\n", + "score : -0.9259156360082658\n", + "score : -0.9259156360082658\n", + "score : -0.9259159939462565\n", + "score : -0.9256486142671122\n" + ] + } + ], + "source": [ + "import random\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "\n", + "from sklearn.datasets import load_boston , fetch_20newsgroups , load_wine\n", + "from sklearn.model_selection import cross_val_score\n", + "from sklearn.linear_model import LinearRegression\n", + "from sklearn.naive_bayes import MultinomialNB\n", + "from sklearn.feature_extraction.text import HashingVectorizer ,TfidfVectorizer\n", + "\n", + "\n", + "SEED = 2018\n", + "random.seed(SEED)\n", + "np.random.seed(SEED)\n", + "\n", + "#==============================================================================\n", + "# Data \n", + "#==============================================================================\n", + "\n", + "# dataset = fetch_20newsgroups(subset='all', remove=('headers', 'footers', 'quotes'))\n", + "cats =['alt.atheism', 'comp.graphics', 'comp.os.ms-windows.misc', 'comp.sys.ibm.pc.hardware']\n", + "dataset = fetch_20newsgroups(subset='all', categories=cats,shuffle=True, random_state=42)\n", + "\n", + "X1, y = dataset.data, dataset.target\n", + "# vectorizer = HashingVectorizer(stop_words='english', non_negative=True)\n", + "vectorizer = TfidfVectorizer(sublinear_tf=True, max_df=0.3, stop_words='english',smooth_idf =True)\n", + "\n", + "\n", + "X = vectorizer.fit_transform(X1)\n", + "features = features = dataset.target_names\n", + "\n", + "\n", + "# dataset = load_wine()\n", + "# X, y = dataset.data, dataset.target\n", + "# features = dataset.feature_names\n", + "\n", + "#==============================================================================\n", + "# CV MSE before feature selection\n", + "#==============================================================================\n", + "# est = LinearRegression()\n", + "est = MultinomialNB(alpha=.01)\n", + "# score = -1.0 * cross_val_score(est, X, y, cv=5, scoring=\"neg_mean_squared_error\")\n", + "# score = -1.0 *cross_val_score(est, X, y, cv=5, scoring='accuracy').mean()\n", + "# print(\"CV MSE before feature selection: {:.2f}\".format(np.mean(score)))\n", + "\n", + "# est.fit(X=train_data, y=train_labels)\n", + "print (\"MultinomialNB 10-Cross Validation accuracy:\",-1.0 *cross_val_score(est, X, y, cv=5, scoring='accuracy').mean())\n", + "#==============================================================================\n", + "# Class performing feature selection with genetic algorithm\n", + "#==============================================================================\n", + "class GeneticSelector():\n", + " def __init__(self, estimator, n_gen, size, n_best, n_rand, \n", + " n_children, mutation_rate):\n", + " # Estimator \n", + " self.estimator = estimator\n", + " # Number of generations\n", + " self.n_gen = n_gen\n", + " # Number of chromosomes in population\n", + " self.size = size\n", + " # Number of best chromosomes to select\n", + " self.n_best = n_best\n", + " # Number of random chromosomes to select\n", + " self.n_rand = n_rand\n", + " # Number of children created during crossover\n", + " self.n_children = n_children\n", + " # Probablity of chromosome mutation\n", + " self.mutation_rate = mutation_rate\n", + " \n", + " if int((self.n_best + self.n_rand) / 2) * self.n_children != self.size:\n", + " raise ValueError(\"The population size is not stable.\") \n", + " \n", + " def initilize(self):\n", + " population = []\n", + " for i in range(self.size):\n", + " chromosome = np.ones(self.n_features, dtype=np.bool)\n", + " mask = np.random.rand(len(chromosome)) < 0.3\n", + " chromosome[mask] = False\n", + " population.append(chromosome)\n", + " return population\n", + "\n", + " def fitness(self, population):\n", + " X, y = self.dataset\n", + " scores = []\n", + " for chromosome in population:\n", + "# score = -1.0 * np.mean(cross_val_score(self.estimator, X[:,chromosome], y, \n", + "# cv=5, \n", + "# scoring=\"neg_mean_squared_error\"))\n", + "\n", + "# self.estimator.fit(X=train_data, y=train_labels)\n", + " score = -1.0 *cross_val_score(self.estimator, X[:,chromosome], y, cv=5, scoring='accuracy').mean()\n", + "# print (\"MultinomialNB 10-Cross Validation accuracy:\",cross_val_score(self.estimator, X[:,sel.support_], y, cv=5, scoring='accuracy').mean())\n", + " scores.append(score)\n", + " scores, population = np.array(scores), np.array(population) \n", + " inds = np.argsort(scores)\n", + " return list(scores[inds]), list(population[inds,:])\n", + "\n", + " def select(self, population_sorted):\n", + " \n", + " population_next = []\n", + " for i in range(self.n_best):\n", + " population_next.append(population_sorted[i])\n", + " for i in range(self.n_rand):\n", + " population_next.append(random.choice(population_sorted))\n", + " random.shuffle(population_next)\n", + " return population_next\n", + "\n", + " def crossover(self, population):\n", + " population_next = []\n", + " for i in range(int(len(population)/2)):\n", + " for j in range(self.n_children):\n", + " chromosome1, chromosome2 = population[i], population[len(population)-1-i]\n", + " child = chromosome1\n", + " mask = np.random.rand(len(child)) > 0.5\n", + " child[mask] = chromosome2[mask]\n", + " population_next.append(child)\n", + " return population_next\n", + "\t\n", + " def mutate(self, population):\n", + " population_next = []\n", + " for i in range(len(population)):\n", + " chromosome = population[i]\n", + " if random.random() < self.mutation_rate:\n", + " mask = np.random.rand(len(chromosome)) < 0.05\n", + " chromosome[mask] = False\n", + " population_next.append(chromosome)\n", + " return population_next\n", + "\n", + " def generate(self, population):\n", + " # Selection, crossover and mutation\n", + " scores_sorted, population_sorted = self.fitness(population)\n", + " population = self.select(population_sorted)\n", + " population = self.crossover(population)\n", + " population = self.mutate(population)\n", + " # History\n", + " self.chromosomes_best.append(population_sorted[0])\n", + " self.scores_best.append(scores_sorted[0])\n", + " print(\"score : \", scores_sorted[0])\n", + " self.scores_avg.append(np.mean(scores_sorted))\n", + " \n", + " return population\n", + "\n", + " def fit(self, X, y):\n", + " \n", + " self.chromosomes_best = []\n", + " self.scores_best, self.scores_avg = [], []\n", + " \n", + " self.dataset = X, y\n", + " self.n_features = X.shape[1]\n", + " \n", + " population = self.initilize()\n", + " for i in range(self.n_gen):\n", + " population = self.generate(population)\n", + " \n", + " return self \n", + " \n", + " @property\n", + " def support_(self):\n", + " return self.chromosomes_best[-1]\n", + "\n", + " def plot_scores(self):\n", + " plt.plot(self.scores_best, label='Best')\n", + " plt.plot(self.scores_avg, label='Average')\n", + " plt.legend()\n", + " plt.ylabel('Scores')\n", + " plt.xlabel('Generation')\n", + " plt.show()\n", + "# (self.n_best + self.n_rand) / 2) * self.n_children != self.size\n", + "sel = GeneticSelector(estimator=MultinomialNB(alpha=.3), \n", + " n_gen=100, size=100, n_best=10, n_rand=40, n_children=4, mutation_rate=0.01)\n", + "sel.fit(X, y)\n", + "sel.plot_scores()\n", + "# print(\"chromosomes_best: \",sel.chromosomes_best)\n", + "# # score = -1.0 * cross_val_score(est, X[:,sel.support_], y, cv=5, scoring=\"neg_mean_squared_error\")\n", + "# print(\"CV MSE after feature selection: {:.2f}\".format(np.mean(score)))\n", + "# accuracy = -1.0 *cross_val_score(est, X[:,sel.support_], y, scoring='accuracy', cv = 10).mean()\n", + "# # print(accuracy)\n", + "# print (\"MultinomialNB 10-Cross Validation accuracy:\",accuracy)\n", + "score = -1.0 *cross_val_score(est, X[:,sel.support_], y, scoring='accuracy', cv = 5)\n", + "print(\"CV MSE after feature selection: {:.2f}\".format(np.mean(score)))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "n_gen=100, size=100, n_best=10, n_rand=40, n_children=4, mutation_rate=0.01)\n", + "-0.9275202739326742" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.3" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} From 4cd1c829f9e8e74ee8d1a272fc6ab1973ead6556 Mon Sep 17 00:00:00 2001 From: shahd Al Otaibi Date: Mon, 28 Jun 2021 16:29:02 +0300 Subject: [PATCH 2/5] adding four notebook file for the experiments --- .DS_Store | Bin 0 -> 6148 bytes Cython/Example_GeneticAlgorithm.pyx | 4 - Cython/GA.pyx | 149 - .../ExperimentA.ipynb | 0 .../ExperimentB.ipynb | 0 .../ExperimentC.ipynb | 0 .../ExperimentD.ipynb | 0 Tutorial Project/Example_GeneticAlgorithm.py | 89 - Tutorial Project/README.md | 24 - Tutorial Project/ga.py | 45 - docs/.DS_Store | Bin 0 -> 6148 bytes example.py | 63 - example_clustering_2.py | 122 - example_clustering_3.py | 134 - example_custom_operators.py | 74 - lifecycle.py | 48 - pygad.py | 3454 ----------------- 17 files changed, 4206 deletions(-) create mode 100644 .DS_Store delete mode 100644 Cython/Example_GeneticAlgorithm.pyx delete mode 100644 Cython/GA.pyx rename Untitled13.ipynb => Experiments/ExperimentA.ipynb (100%) rename Untitled15.ipynb => Experiments/ExperimentB.ipynb (100%) rename Untitled17.ipynb => Experiments/ExperimentC.ipynb (100%) rename Untitled18.ipynb => Experiments/ExperimentD.ipynb (100%) delete mode 100644 Tutorial Project/Example_GeneticAlgorithm.py delete mode 100644 Tutorial Project/README.md delete mode 100644 Tutorial Project/ga.py create mode 100644 docs/.DS_Store delete mode 100644 example.py delete mode 100644 example_clustering_2.py delete mode 100644 example_clustering_3.py delete mode 100644 example_custom_operators.py delete mode 100644 lifecycle.py delete mode 100644 pygad.py diff --git a/.DS_Store b/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..6c75715011d7af208be1c7eb3cdfc725cd7338e8 GIT binary patch literal 6148 zcmeHK!D_=W41L~0DfH6gj{b!nb`K@}g8sl*GPXgogtdhocF2eBC-w!~lckM>rqELv zLjwEBvLxFNVn+bN`cSQaC4f1bU=U?O#5_55WzI8VkQ~*ntnb^lo=EanO|th46Glfv5AOZFA9bF=qG>!xkql&q|Qgt Z>6aV!ijqa_DV*p(0*MgsoPi54@C`S1KyLs5 literal 0 HcmV?d00001 diff --git a/Cython/Example_GeneticAlgorithm.pyx b/Cython/Example_GeneticAlgorithm.pyx deleted file mode 100644 index 9d97fc7d..00000000 --- a/Cython/Example_GeneticAlgorithm.pyx +++ /dev/null @@ -1,4 +0,0 @@ -import ga - -# Calling the optimize() function in the GA.py module. -ga.optimize() diff --git a/Cython/GA.pyx b/Cython/GA.pyx deleted file mode 100644 index 944efb99..00000000 --- a/Cython/GA.pyx +++ /dev/null @@ -1,149 +0,0 @@ -import numpy -cimport numpy -import time -import cython -from libc.stdlib cimport rand, RAND_MAX - -cdef double DOUBLE_RAND_MAX = RAND_MAX # a double variable holding the maximum random integer in C - -@cython.wraparound(False) -@cython.cdivision(True) -@cython.nonecheck(False) -@cython.boundscheck(False) -cpdef cal_pop_fitness(numpy.ndarray[numpy.double_t, ndim=1] equation_inputs, numpy.ndarray[numpy.double_t, ndim=2] pop): - # Calculating the fitness value of each solution in the current population. - # The fitness function calulates the sum of products between each input and its corresponding weight. - cdef numpy.ndarray[numpy.double_t, ndim=1] fitness - fitness = numpy.zeros(pop.shape[0]) - # fitness = numpy.sum(pop*equation_inputs, axis=1) # slower than looping. - for i in range(pop.shape[0]): - for j in range(pop.shape[1]): - fitness[i] += pop[i, j]*equation_inputs[j] - return fitness - -@cython.wraparound(False) -@cython.cdivision(True) -@cython.nonecheck(False) -@cython.boundscheck(False) -cpdef numpy.ndarray[numpy.double_t, ndim=2] select_mating_pool(numpy.ndarray[numpy.double_t, ndim=2] pop, numpy.ndarray[numpy.double_t, ndim=1] fitness, int num_parents): - # Selecting the best individuals in the current generation as parents for producing the offspring of the next generation. - cdef numpy.ndarray[numpy.double_t, ndim=2] parents - cdef int parent_num, max_fitness_idx, min_val, max_fitness, a - - min_val = -99999999999 - - parents = numpy.empty((num_parents, pop.shape[1])) - for parent_num in range(num_parents): - max_fitness_idx = 0 - # numpy.where(fitness == numpy.max(fitness)) # slower than argmax() by 150 ms. - # max_fitness_idx = numpy.argmax(fitness) # slower than looping by 100 ms. - for a in range(1, fitness.shape[0]): - if fitness[a] > fitness[max_fitness_idx]: - max_fitness_idx = a - - # parents[parent_num, :] = pop[max_fitness_idx, :] # slower han looping by 20 ms - for a in range(parents.shape[1]): - parents[parent_num, a] = pop[max_fitness_idx, a] - fitness[max_fitness_idx] = min_val - return parents - -@cython.wraparound(True) -@cython.cdivision(True) -@cython.nonecheck(False) -@cython.boundscheck(False) -cpdef numpy.ndarray[numpy.double_t, ndim=2] crossover(numpy.ndarray[numpy.double_t, ndim=2] parents, tuple offspring_size): - cdef numpy.ndarray[numpy.double_t, ndim=2] offspring - offspring = numpy.empty(offspring_size) - # The point at which crossover takes place between two parents. Usually, it is at the center. - cdef int k, parent1_idx, parent2_idx - cdef numpy.int_t crossover_point - crossover_point = (int) (offspring_size[1]/2) - - for k in range(offspring_size[0]): - # Index of the first parent to mate. - parent1_idx = k%parents.shape[0] - # Index of the second parent to mate. - parent2_idx = (k+1)%parents.shape[0] - - for m in range(crossover_point): - # The new offspring will have its first half of its genes taken from the first parent. - offspring[k, m] = parents[parent1_idx, m] - for m in range(crossover_point-1, -1): - # The new offspring will have its second half of its genes taken from the second parent. - offspring[k, m] = parents[parent2_idx, m] - - # The next 2 lines are slower than using the above loops because they run with C speed. - # offspring[k, 0:crossover_point] = parents[parent1_idx, 0:crossover_point] - # offspring[k, crossover_point:] = parents[parent2_idx, crossover_point:] - return offspring - -@cython.wraparound(False) -@cython.cdivision(True) -@cython.nonecheck(False) -@cython.boundscheck(False) -cpdef numpy.ndarray[numpy.double_t, ndim=2] mutation(numpy.ndarray[numpy.double_t, ndim=2] offspring_crossover, int num_mutations=1): - cdef int idx, mutation_num, gene_idx - cdef double random_value - cdef Py_ssize_t mutations_counter - mutations_counter = (int) (offspring_crossover.shape[1] / num_mutations) # using numpy.uint8() is slower than using (int) - # Mutation changes a number of genes as defined by the num_mutations argument. The changes are random. - cdef double rand_num - for idx in range(offspring_crossover.shape[0]): - gene_idx = mutations_counter - 1 - for mutation_num in range(num_mutations): - # The random value to be added to the gene. - # random_value = numpy.random.uniform(-1.0, 1.0, 1) # Slower by 300 ms compared to native C rand() function. - rand_double = rand()/DOUBLE_RAND_MAX - random_value = rand_double * (1.0 - (-1.0)) + (-1.0); # The new range is from 1.0 to -1.0. - offspring_crossover[idx, gene_idx] = offspring_crossover[idx, gene_idx] + random_value - gene_idx = gene_idx + mutations_counter - return offspring_crossover - -@cython.wraparound(False) -@cython.cdivision(True) -@cython.nonecheck(False) -@cython.boundscheck(False) -cpdef optimize(): - # Inputs of the equation. - cdef numpy.ndarray equation_inputs, parents, new_population, fitness, offspring_crossover, offspring_mutation - cdef int num_weights, sol_per_pop, num_parents_mating, num_generations - cdef list pop_size - cdef double t1, t2, t - - equation_inputs = numpy.array([4,-2,3.5,5,-11,-4.7]) - num_weights = equation_inputs.shape[0] - - # Number of the weights we are looking to optimize. - sol_per_pop = 8 - num_weights = equation_inputs.shape[0] - num_parents_mating = 4 - - # Defining the population size. - pop_size = [sol_per_pop,num_weights] # The population will have sol_per_pop chromosome where each chromosome has num_weights genes. - #Creating the initial population. - new_population = numpy.random.uniform(low=-4.0, high=4.0, size=pop_size) - - num_generations = 1000000 - t1 = time.time() - for generation in range(num_generations): - # Measuring the fitness of each chromosome in the population. - fitness = cal_pop_fitness(equation_inputs, new_population) - - # Selecting the best parents in the population for mating. - parents = select_mating_pool(new_population, fitness, - num_parents_mating) - - # Generating next generation using crossover. - offspring_crossover = crossover(parents, - offspring_size=(pop_size[0]-parents.shape[0], num_weights)) - - # Adding some variations to the offspring using mutation. - offspring_mutation = mutation(offspring_crossover, num_mutations=2) - - # Creating the new population based on the parents and offspring. - new_population[0:parents.shape[0], :] = parents - new_population[parents.shape[0]:, :] = offspring_mutation - t2 = time.time() - t = t2-t1 - print("Total Time %.20f" % t) - print(cal_pop_fitness(equation_inputs, new_population)) diff --git a/Untitled13.ipynb b/Experiments/ExperimentA.ipynb similarity index 100% rename from Untitled13.ipynb rename to Experiments/ExperimentA.ipynb diff --git a/Untitled15.ipynb b/Experiments/ExperimentB.ipynb similarity index 100% rename from Untitled15.ipynb rename to Experiments/ExperimentB.ipynb diff --git a/Untitled17.ipynb b/Experiments/ExperimentC.ipynb similarity index 100% rename from Untitled17.ipynb rename to Experiments/ExperimentC.ipynb diff --git a/Untitled18.ipynb b/Experiments/ExperimentD.ipynb similarity index 100% rename from Untitled18.ipynb rename to Experiments/ExperimentD.ipynb diff --git a/Tutorial Project/Example_GeneticAlgorithm.py b/Tutorial Project/Example_GeneticAlgorithm.py deleted file mode 100644 index e662fabd..00000000 --- a/Tutorial Project/Example_GeneticAlgorithm.py +++ /dev/null @@ -1,89 +0,0 @@ -import numpy -import ga - -""" -The y=target is to maximize this equation ASAP: - y = w1x1+w2x2+w3x3+w4x4+w5x5+6wx6 - where (x1,x2,x3,x4,x5,x6)=(4,-2,3.5,5,-11,-4.7) - What are the best values for the 6 weights w1 to w6? - We are going to use the genetic algorithm for the best possible values after a number of generations. -""" - -# Inputs of the equation. -equation_inputs = [4,-2,3.5,5,-11,-4.7] - -# Number of the weights we are looking to optimize. -num_weights = len(equation_inputs) - -""" -Genetic algorithm parameters: - Mating pool size - Population size -""" -sol_per_pop = 8 -num_parents_mating = 4 - -# Defining the population size. -pop_size = (sol_per_pop,num_weights) # The population will have sol_per_pop chromosome where each chromosome has num_weights genes. -#Creating the initial population. -new_population = numpy.random.uniform(low=-4.0, high=4.0, size=pop_size) -print(new_population) - -""" -new_population[0, :] = [2.4, 0.7, 8, -2, 5, 1.1] -new_population[1, :] = [-0.4, 2.7, 5, -1, 7, 0.1] -new_population[2, :] = [-1, 2, 2, -3, 2, 0.9] -new_population[3, :] = [4, 7, 12, 6.1, 1.4, -4] -new_population[4, :] = [3.1, 4, 0, 2.4, 4.8, 0] -new_population[5, :] = [-2, 3, -7, 6, 3, 3] -""" - -best_outputs = [] -num_generations = 1000 -for generation in range(num_generations): - print("Generation : ", generation) - # Measuring the fitness of each chromosome in the population. - fitness = ga.cal_pop_fitness(equation_inputs, new_population) - print("Fitness") - print(fitness) - - best_outputs.append(numpy.max(numpy.sum(new_population*equation_inputs, axis=1))) - # The best result in the current iteration. - print("Best result : ", numpy.max(numpy.sum(new_population*equation_inputs, axis=1))) - - # Selecting the best parents in the population for mating. - parents = ga.select_mating_pool(new_population, fitness, - num_parents_mating) - print("Parents") - print(parents) - - # Generating next generation using crossover. - offspring_crossover = ga.crossover(parents, - offspring_size=(pop_size[0]-parents.shape[0], num_weights)) - print("Crossover") - print(offspring_crossover) - - # Adding some variations to the offspring using mutation. - offspring_mutation = ga.mutation(offspring_crossover, num_mutations=2) - print("Mutation") - print(offspring_mutation) - - # Creating the new population based on the parents and offspring. - new_population[0:parents.shape[0], :] = parents - new_population[parents.shape[0]:, :] = offspring_mutation - -# Getting the best solution after iterating finishing all generations. -#At first, the fitness is calculated for each solution in the final generation. -fitness = ga.cal_pop_fitness(equation_inputs, new_population) -# Then return the index of that solution corresponding to the best fitness. -best_match_idx = numpy.where(fitness == numpy.max(fitness)) - -print("Best solution : ", new_population[best_match_idx, :]) -print("Best solution fitness : ", fitness[best_match_idx]) - - -import matplotlib.pyplot -matplotlib.pyplot.plot(best_outputs) -matplotlib.pyplot.xlabel("Iteration") -matplotlib.pyplot.ylabel("Fitness") -matplotlib.pyplot.show() diff --git a/Tutorial Project/README.md b/Tutorial Project/README.md deleted file mode 100644 index e9e32eb8..00000000 --- a/Tutorial Project/README.md +++ /dev/null @@ -1,24 +0,0 @@ -# GeneticAlgorithmPython - -Genetic algorithm implementation in Python - -This folder under the project has the code built in the tutorial titled [**Genetic Algorithm Implementation in Python**](https://www.linkedin.com/pulse/genetic-algorithm-implementation-python-ahmed-gad) which is available in these links: - -* https://www.linkedin.com/pulse/genetic-algorithm-implementation-python-ahmed-gad -* https://towardsdatascience.com/genetic-algorithm-implementation-in-python-5ab67bb124a6 -* https://www.kdnuggets.com/2018/07/genetic-algorithm-implementation-python.html - -The `ga.py` file holds the implementation of the GA operations such as mutation and crossover. The other file gives an example of using the GA.py file. - -It is important to note that this project does not implement everything in GA and there are a wide number of variations to be applied. For example, this project uses decimal representation for the chromosome and the binary representations might be preferred for other problems. - -## For Contacting the Author - -* E-mail: ahmed.f.gad@gmail.com -* [LinkedIn](https://www.linkedin.com/in/ahmedfgad) -* [Amazon Author Page](https://amazon.com/author/ahmedgad) -* [Paperspace](https://blog.paperspace.com/author/ahmed) -* [Hearbeat](https://heartbeat.fritz.ai/@ahmedfgad) -* [KDnuggets](https://kdnuggets.com/author/ahmed-gad) -* [TowardsDataScience](https://towardsdatascience.com/@ahmedfgad) -* [GitHub](https://github.com/ahmedfgad) diff --git a/Tutorial Project/ga.py b/Tutorial Project/ga.py deleted file mode 100644 index 7a8f9924..00000000 --- a/Tutorial Project/ga.py +++ /dev/null @@ -1,45 +0,0 @@ -import numpy - -def cal_pop_fitness(equation_inputs, pop): - # Calculating the fitness value of each solution in the current population. - # The fitness function calulates the sum of products between each input and its corresponding weight. - fitness = numpy.sum(pop*equation_inputs, axis=1) - return fitness - -def select_mating_pool(pop, fitness, num_parents): - # Selecting the best individuals in the current generation as parents for producing the offspring of the next generation. - parents = numpy.empty((num_parents, pop.shape[1])) - for parent_num in range(num_parents): - max_fitness_idx = numpy.where(fitness == numpy.max(fitness)) - max_fitness_idx = max_fitness_idx[0][0] - parents[parent_num, :] = pop[max_fitness_idx, :] - fitness[max_fitness_idx] = -99999999999 - return parents - -def crossover(parents, offspring_size): - offspring = numpy.empty(offspring_size) - # The point at which crossover takes place between two parents. Usually, it is at the center. - crossover_point = numpy.uint8(offspring_size[1]/2) - - for k in range(offspring_size[0]): - # Index of the first parent to mate. - parent1_idx = k%parents.shape[0] - # Index of the second parent to mate. - parent2_idx = (k+1)%parents.shape[0] - # The new offspring will have its first half of its genes taken from the first parent. - offspring[k, 0:crossover_point] = parents[parent1_idx, 0:crossover_point] - # The new offspring will have its second half of its genes taken from the second parent. - offspring[k, crossover_point:] = parents[parent2_idx, crossover_point:] - return offspring - -def mutation(offspring_crossover, num_mutations=1): - mutations_counter = numpy.uint8(offspring_crossover.shape[1] / num_mutations) - # Mutation changes a number of genes as defined by the num_mutations argument. The changes are random. - for idx in range(offspring_crossover.shape[0]): - gene_idx = mutations_counter - 1 - for mutation_num in range(num_mutations): - # The random value to be added to the gene. - random_value = numpy.random.uniform(-1.0, 1.0, 1) - offspring_crossover[idx, gene_idx] = offspring_crossover[idx, gene_idx] + random_value - gene_idx = gene_idx + mutations_counter - return offspring_crossover diff --git a/docs/.DS_Store b/docs/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..125470d73096846c9c8ce62edc361749a49e08b3 GIT binary patch literal 6148 zcmeHKI|>3p3{7+q!N$^ZuHX#@(Gz$9@zV(liv3oe%cJ@7L6CJD!A4#nc{7>3S@sp1 zjfm*#c3g_gMPv#$l)Ht#*|~YoMww9{9CsY#bi5wU`?fvzsy`=;JCUoja+Av!{Li;C zO9iL^6`%rCfC>yLV7(VModq&d0V+TRUJBUvp}-AmVi)M24g?Bu`B$e#hzg+>K_t-upe*%grh literal 0 HcmV?d00001 diff --git a/example.py b/example.py deleted file mode 100644 index 3ecd8e69..00000000 --- a/example.py +++ /dev/null @@ -1,63 +0,0 @@ -import pygad -import numpy - -""" -Given the following function: - y = f(w1:w6) = w1x1 + w2x2 + w3x3 + w4x4 + w5x5 + 6wx6 - where (x1,x2,x3,x4,x5,x6)=(4,-2,3.5,5,-11,-4.7) and y=44 -What are the best values for the 6 weights (w1 to w6)? We are going to use the genetic algorithm to optimize this function. -""" - -function_inputs = [4,-2,3.5,5,-11,-4.7] # Function inputs. -desired_output = 44 # Function output. - -def fitness_func(solution, solution_idx): - output = numpy.sum(solution*function_inputs) - fitness = 1.0 / (numpy.abs(output - desired_output) + 0.000001) - return fitness - -num_generations = 100 # Number of generations. -num_parents_mating = 10 # Number of solutions to be selected as parents in the mating pool. - -sol_per_pop = 20 # Number of solutions in the population. -num_genes = len(function_inputs) - -last_fitness = 0 -def on_generation(ga_instance): - global last_fitness - print("Generation = {generation}".format(generation=ga_instance.generations_completed)) - print("Fitness = {fitness}".format(fitness=ga_instance.best_solution(pop_fitness=ga_instance.last_generation_fitness)[1])) - print("Change = {change}".format(change=ga_instance.best_solution(pop_fitness=ga_instance.last_generation_fitness)[1] - last_fitness)) - last_fitness = ga_instance.best_solution(pop_fitness=ga_instance.last_generation_fitness)[1] - -ga_instance = pygad.GA(num_generations=num_generations, - num_parents_mating=num_parents_mating, - sol_per_pop=sol_per_pop, - num_genes=num_genes, - fitness_func=fitness_func, - on_generation=on_generation) - -# Running the GA to optimize the parameters of the function. -ga_instance.run() - -ga_instance.plot_fitness() - -# Returning the details of the best solution. -solution, solution_fitness, solution_idx = ga_instance.best_solution(ga_instance.last_generation_fitness) -print("Parameters of the best solution : {solution}".format(solution=solution)) -print("Fitness value of the best solution = {solution_fitness}".format(solution_fitness=solution_fitness)) -print("Index of the best solution : {solution_idx}".format(solution_idx=solution_idx)) - -prediction = numpy.sum(numpy.array(function_inputs)*solution) -print("Predicted output based on the best solution : {prediction}".format(prediction=prediction)) - -if ga_instance.best_solution_generation != -1: - print("Best fitness value reached after {best_solution_generation} generations.".format(best_solution_generation=ga_instance.best_solution_generation)) - -# Saving the GA instance. -filename = 'genetic' # The filename to which the instance is saved. The name is without extension. -ga_instance.save(filename=filename) - -# Loading the saved GA instance. -loaded_ga_instance = pygad.load(filename=filename) -loaded_ga_instance.plot_fitness() diff --git a/example_clustering_2.py b/example_clustering_2.py deleted file mode 100644 index c30e0c9f..00000000 --- a/example_clustering_2.py +++ /dev/null @@ -1,122 +0,0 @@ -import numpy -import matplotlib.pyplot -import pygad - -cluster1_num_samples = 10 -cluster1_x1_start = 0 -cluster1_x1_end = 5 -cluster1_x2_start = 2 -cluster1_x2_end = 6 -cluster1_x1 = numpy.random.random(size=(cluster1_num_samples)) -cluster1_x1 = cluster1_x1 * (cluster1_x1_end - cluster1_x1_start) + cluster1_x1_start -cluster1_x2 = numpy.random.random(size=(cluster1_num_samples)) -cluster1_x2 = cluster1_x2 * (cluster1_x2_end - cluster1_x2_start) + cluster1_x2_start - -cluster2_num_samples = 10 -cluster2_x1_start = 10 -cluster2_x1_end = 15 -cluster2_x2_start = 8 -cluster2_x2_end = 12 -cluster2_x1 = numpy.random.random(size=(cluster2_num_samples)) -cluster2_x1 = cluster2_x1 * (cluster2_x1_end - cluster2_x1_start) + cluster2_x1_start -cluster2_x2 = numpy.random.random(size=(cluster2_num_samples)) -cluster2_x2 = cluster2_x2 * (cluster2_x2_end - cluster2_x2_start) + cluster2_x2_start - -c1 = numpy.array([cluster1_x1, cluster1_x2]).T -c2 = numpy.array([cluster2_x1, cluster2_x2]).T - -data = numpy.concatenate((c1, c2), axis=0) - -matplotlib.pyplot.scatter(cluster1_x1, cluster1_x2) -matplotlib.pyplot.scatter(cluster2_x1, cluster2_x2) -matplotlib.pyplot.title("Optimal Clustering") -matplotlib.pyplot.show() - -def euclidean_distance(X, Y): - """ - Calculate the euclidean distance between X and Y. It accepts: - :X should be a matrix of size (N, f) where N is the number of samples and f is the number of features for each sample. - :Y should be of size f. In other words, it is a single sample. - - Returns a vector of N elements with the distances between the N samples and the Y. - """ - - return numpy.sqrt(numpy.sum(numpy.power(X - Y, 2), axis=1)) - -def cluster_data(solution, solution_idx): - """ - Clusters the data based on the current solution. - """ - - global num_cluster, data - feature_vector_length = data.shape[1] - cluster_centers = [] # A list of size (C, f) where C is the number of clusters and f is the number of features representing each sample. - all_clusters_dists = [] # A list of size (C, N) where C is the number of clusters and N is the number of data samples. It holds the distances between each cluster center and all the data samples. - clusters = [] # A list with C elements where each element holds the indices of the samples within a cluster. - clusters_sum_dist = [] # A list with C elements where each element represents the sum of distances of the samples with a cluster. - - for clust_idx in range(num_clusters): - # Return the current cluster center. - cluster_centers.append(solution[feature_vector_length*clust_idx:feature_vector_length*(clust_idx+1)]) - # Calculate the distance (e.g. euclidean) between the current cluster center and all samples. - cluster_center_dists = euclidean_distance(data, cluster_centers[clust_idx]) - all_clusters_dists.append(numpy.array(cluster_center_dists)) - - cluster_centers = numpy.array(cluster_centers) - all_clusters_dists = numpy.array(all_clusters_dists) - - # A 1D array that, for each sample, holds the index of the cluster with the smallest distance. - # In other words, the array holds the sample's cluster index. - cluster_indices = numpy.argmin(all_clusters_dists, axis=0) - for clust_idx in range(num_clusters): - clusters.append(numpy.where(cluster_indices == clust_idx)[0]) - # Calculate the sum of distances for the cluster. - if len(clusters[clust_idx]) == 0: - # In case the cluster is empty (i.e. has zero samples). - clusters_sum_dist.append(0) - else: - # When the cluster is not empty (i.e. has at least 1 sample). - clusters_sum_dist.append(numpy.sum(all_clusters_dists[clust_idx, clusters[clust_idx]])) - # clusters_sum_dist.append(numpy.sum(euclidean_distance(data[clusters[clust_idx], :], cluster_centers[clust_idx]))) - - clusters_sum_dist = numpy.array(clusters_sum_dist) - - return cluster_centers, all_clusters_dists, cluster_indices, clusters, clusters_sum_dist - -def fitness_func(solution, solution_idx): - _, _, _, _, clusters_sum_dist = cluster_data(solution, solution_idx) - - # The tiny value 0.00000001 is added to the denominator in case the average distance is 0. - fitness = 1.0 / (numpy.sum(clusters_sum_dist) + 0.00000001) - - return fitness - -num_clusters = 2 -num_genes = num_clusters * data.shape[1] - -ga_instance = pygad.GA(num_generations=100, - sol_per_pop=10, - num_parents_mating=5, - init_range_low=-6, - init_range_high=20, - keep_parents=2, - num_genes=num_genes, - fitness_func=fitness_func, - suppress_warnings=True) - -ga_instance.run() - -best_solution, best_solution_fitness, best_solution_idx = ga_instance.best_solution() -print("Best solution is {bs}".format(bs=best_solution)) -print("Fitness of the best solution is {bsf}".format(bsf=best_solution_fitness)) -print("Best solution found after {gen} generations".format(gen=ga_instance.best_solution_generation)) - -cluster_centers, all_clusters_dists, cluster_indices, clusters, clusters_sum_dist = cluster_data(best_solution, best_solution_idx) - -for cluster_idx in range(num_clusters): - cluster_x = data[clusters[cluster_idx], 0] - cluster_y = data[clusters[cluster_idx], 1] - matplotlib.pyplot.scatter(cluster_x, cluster_y) - matplotlib.pyplot.scatter(cluster_centers[cluster_idx, 0], cluster_centers[cluster_idx, 1], linewidths=5) -matplotlib.pyplot.title("Clustering using PyGAD") -matplotlib.pyplot.show() diff --git a/example_clustering_3.py b/example_clustering_3.py deleted file mode 100644 index bfec5ef5..00000000 --- a/example_clustering_3.py +++ /dev/null @@ -1,134 +0,0 @@ -import numpy -import matplotlib.pyplot -import pygad - -cluster1_num_samples = 20 -cluster1_x1_start = 0 -cluster1_x1_end = 5 -cluster1_x2_start = 2 -cluster1_x2_end = 6 -cluster1_x1 = numpy.random.random(size=(cluster1_num_samples)) -cluster1_x1 = cluster1_x1 * (cluster1_x1_end - cluster1_x1_start) + cluster1_x1_start -cluster1_x2 = numpy.random.random(size=(cluster1_num_samples)) -cluster1_x2 = cluster1_x2 * (cluster1_x2_end - cluster1_x2_start) + cluster1_x2_start - -cluster2_num_samples = 20 -cluster2_x1_start = 4 -cluster2_x1_end = 12 -cluster2_x2_start = 14 -cluster2_x2_end = 18 -cluster2_x1 = numpy.random.random(size=(cluster2_num_samples)) -cluster2_x1 = cluster2_x1 * (cluster2_x1_end - cluster2_x1_start) + cluster2_x1_start -cluster2_x2 = numpy.random.random(size=(cluster2_num_samples)) -cluster2_x2 = cluster2_x2 * (cluster2_x2_end - cluster2_x2_start) + cluster2_x2_start - -cluster3_num_samples = 20 -cluster3_x1_start = 12 -cluster3_x1_end = 18 -cluster3_x2_start = 8 -cluster3_x2_end = 11 -cluster3_x1 = numpy.random.random(size=(cluster3_num_samples)) -cluster3_x1 = cluster3_x1 * (cluster3_x1_end - cluster3_x1_start) + cluster3_x1_start -cluster3_x2 = numpy.random.random(size=(cluster3_num_samples)) -cluster3_x2 = cluster3_x2 * (cluster3_x2_end - cluster3_x2_start) + cluster3_x2_start - -c1 = numpy.array([cluster1_x1, cluster1_x2]).T -c2 = numpy.array([cluster2_x1, cluster2_x2]).T -c3 = numpy.array([cluster3_x1, cluster3_x2]).T - -data = numpy.concatenate((c1, c2, c3), axis=0) - -matplotlib.pyplot.scatter(cluster1_x1, cluster1_x2) -matplotlib.pyplot.scatter(cluster2_x1, cluster2_x2) -matplotlib.pyplot.scatter(cluster3_x1, cluster3_x2) -matplotlib.pyplot.title("Optimal Clustering") -matplotlib.pyplot.show() - -def euclidean_distance(X, Y): - """ - Calculate the euclidean distance between X and Y. It accepts: - :X should be a matrix of size (N, f) where N is the number of samples and f is the number of features for each sample. - :Y should be of size f. In other words, it is a single sample. - - Returns a vector of N elements with the distances between the N samples and the Y. - """ - - return numpy.sqrt(numpy.sum(numpy.power(X - Y, 2), axis=1)) - -def cluster_data(solution, solution_idx): - """ - Clusters the data based on the current solution. - """ - - global num_clusters, feature_vector_length, data - cluster_centers = [] # A list of size (C, f) where C is the number of clusters and f is the number of features representing each sample. - all_clusters_dists = [] # A list of size (C, N) where C is the number of clusters and N is the number of data samples. It holds the distances between each cluster center and all the data samples. - clusters = [] # A list with C elements where each element holds the indices of the samples within a cluster. - clusters_sum_dist = [] # A list with C elements where each element represents the sum of distances of the samples with a cluster. - - for clust_idx in range(num_clusters): - # Return the current cluster center. - cluster_centers.append(solution[feature_vector_length*clust_idx:feature_vector_length*(clust_idx+1)]) - # Calculate the distance (e.g. euclidean) between the current cluster center and all samples. - cluster_center_dists = euclidean_distance(data, cluster_centers[clust_idx]) - all_clusters_dists.append(numpy.array(cluster_center_dists)) - - cluster_centers = numpy.array(cluster_centers) - all_clusters_dists = numpy.array(all_clusters_dists) - - # A 1D array that, for each sample, holds the index of the cluster with the smallest distance. - # In other words, the array holds the sample's cluster index. - cluster_indices = numpy.argmin(all_clusters_dists, axis=0) - for clust_idx in range(num_clusters): - clusters.append(numpy.where(cluster_indices == clust_idx)[0]) - # Calculate the sum of distances for the cluster. - if len(clusters[clust_idx]) == 0: - # In case the cluster is empty (i.e. has zero samples). - clusters_sum_dist.append(0) - else: - # When the cluster is not empty (i.e. has at least 1 sample). - clusters_sum_dist.append(numpy.sum(all_clusters_dists[clust_idx, clusters[clust_idx]])) - # clusters_sum_dist.append(numpy.sum(euclidean_distance(data[clusters[clust_idx], :], cluster_centers[clust_idx]))) - - clusters_sum_dist = numpy.array(clusters_sum_dist) - - return cluster_centers, all_clusters_dists, cluster_indices, clusters, clusters_sum_dist - -def fitness_func(solution, solution_idx): - _, _, _, _, clusters_sum_dist = cluster_data(solution, solution_idx) - - # The tiny value 0.00000001 is added to the denominator in case the average distance is 0. - fitness = 1.0 / (numpy.sum(clusters_sum_dist) + 0.00000001) - - return fitness - -num_clusters = 3 -feature_vector_length = data.shape[1] -num_genes = num_clusters * feature_vector_length - -ga_instance = pygad.GA(num_generations=100, - sol_per_pop=10, - init_range_low=0, - init_range_high=20, - num_parents_mating=5, - keep_parents=2, - num_genes=num_genes, - fitness_func=fitness_func, - suppress_warnings=True) - -ga_instance.run() - -best_solution, best_solution_fitness, best_solution_idx = ga_instance.best_solution() -print("Best solution is {bs}".format(bs=best_solution)) -print("Fitness of the best solution is {bsf}".format(bsf=best_solution_fitness)) -print("Best solution found after {gen} generations".format(gen=ga_instance.best_solution_generation)) - -cluster_centers, all_clusters_dists, cluster_indices, clusters, clusters_sum_dist = cluster_data(best_solution, best_solution_idx) - -for cluster_idx in range(num_clusters): - cluster_x = data[clusters[cluster_idx], 0] - cluster_y = data[clusters[cluster_idx], 1] - matplotlib.pyplot.scatter(cluster_x, cluster_y) - matplotlib.pyplot.scatter(cluster_centers[cluster_idx, 0], cluster_centers[cluster_idx, 1], linewidths=5) -matplotlib.pyplot.title("Clustering using PyGAD") -matplotlib.pyplot.show() diff --git a/example_custom_operators.py b/example_custom_operators.py deleted file mode 100644 index 0bb452da..00000000 --- a/example_custom_operators.py +++ /dev/null @@ -1,74 +0,0 @@ -import pygad -import numpy - -""" -This script gives an example of using custom user-defined functions for the 3 operators: - 1) Parent selection. - 2) Crossover. - 3) Mutation. -For more information, check the User-Defined Crossover, Mutation, and Parent Selection Operators section in the documentation: - https://pygad.readthedocs.io/en/latest/README_pygad_ReadTheDocs.html#user-defined-crossover-mutation-and-parent-selection-operators -""" - -equation_inputs = [4,-2,3.5] -desired_output = 44 - -def fitness_func(solution, solution_idx): - output = numpy.sum(solution * equation_inputs) - - fitness = 1.0 / (numpy.abs(output - desired_output) + 0.000001) - - return fitness - -def parent_selection_func(fitness, num_parents, ga_instance): - # Selects the best {num_parents} parents. Works as steady-state selection. - - fitness_sorted = sorted(range(len(fitness)), key=lambda k: fitness[k]) - fitness_sorted.reverse() - - parents = numpy.empty((num_parents, ga_instance.population.shape[1])) - - for parent_num in range(num_parents): - parents[parent_num, :] = ga_instance.population[fitness_sorted[parent_num], :].copy() - - return parents, fitness_sorted[:num_parents] - -def crossover_func(parents, offspring_size, ga_instance): - # This is single-point crossover. - offspring = [] - idx = 0 - while len(offspring) != offspring_size[0]: - parent1 = parents[idx % parents.shape[0], :].copy() - parent2 = parents[(idx + 1) % parents.shape[0], :].copy() - - random_split_point = numpy.random.choice(range(offspring_size[0])) - - parent1[random_split_point:] = parent2[random_split_point:] - - offspring.append(parent1) - - idx += 1 - - return numpy.array(offspring) - -def mutation_func(offspring, ga_instance): - # This is random mutation that mutates a single gene. - for chromosome_idx in range(offspring.shape[0]): - # Make some random changes in 1 or more genes. - random_gene_idx = numpy.random.choice(range(offspring.shape[0])) - - offspring[chromosome_idx, random_gene_idx] += numpy.random.random() - - return offspring - -ga_instance = pygad.GA(num_generations=10, - sol_per_pop=5, - num_parents_mating=2, - num_genes=len(equation_inputs), - fitness_func=fitness_func, - parent_selection_type=parent_selection_func, - crossover_type=crossover_func, - mutation_type=mutation_func) - -ga_instance.run() -ga_instance.plot_fitness() \ No newline at end of file diff --git a/lifecycle.py b/lifecycle.py deleted file mode 100644 index 9c5c078e..00000000 --- a/lifecycle.py +++ /dev/null @@ -1,48 +0,0 @@ -import pygad -import numpy - -function_inputs = [4,-2,3.5,5,-11,-4.7] -desired_output = 44 - -def fitness_func(solution, solution_idx): - output = numpy.sum(solution*function_inputs) - fitness = 1.0 / (numpy.abs(output - desired_output) + 0.000001) - return fitness - -fitness_function = fitness_func - -def on_start(ga_instance): - print("on_start()") - -def on_fitness(ga_instance, population_fitness): - print("on_fitness()") - -def on_parents(ga_instance, selected_parents): - print("on_parents()") - -def on_crossover(ga_instance, offspring_crossover): - print("on_crossover()") - -def on_mutation(ga_instance, offspring_mutation): - print("on_mutation()") - -def on_generation(ga_instance): - print("on_generation()") - -def on_stop(ga_instance, last_population_fitness): - print("on_stop") - -ga_instance = pygad.GA(num_generations=3, - num_parents_mating=5, - fitness_func=fitness_function, - sol_per_pop=10, - num_genes=len(function_inputs), - on_start=on_start, - on_fitness=on_fitness, - on_parents=on_parents, - on_crossover=on_crossover, - on_mutation=on_mutation, - on_generation=on_generation, - on_stop=on_stop) - -ga_instance.run() diff --git a/pygad.py b/pygad.py deleted file mode 100644 index 4ef28984..00000000 --- a/pygad.py +++ /dev/null @@ -1,3454 +0,0 @@ -import numpy -import random -import matplotlib.pyplot -import pickle -import time -import warnings - -class GA: - - supported_int_types = [int, numpy.int, numpy.int8, numpy.int16, numpy.int32, numpy.int64, numpy.uint, numpy.uint8, numpy.uint16, numpy.uint32, numpy.uint64] - supported_float_types = [float, numpy.float, numpy.float16, numpy.float32, numpy.float64] - supported_int_float_types = supported_int_types + supported_float_types - - def __init__(self, - num_generations, - num_parents_mating, - fitness_func, - initial_population=None, - sol_per_pop=None, - num_genes=None, - init_range_low=-4, - init_range_high=4, - gene_type=float, - parent_selection_type="sss", - keep_parents=-1, - K_tournament=3, - crossover_type="single_point", - crossover_probability=None, - mutation_type="random", - mutation_probability=None, - mutation_by_replacement=False, - mutation_percent_genes='default', - mutation_num_genes=None, - random_mutation_min_val=-1.0, - random_mutation_max_val=1.0, - gene_space=None, - allow_duplicate_genes=True, - on_start=None, - on_fitness=None, - on_parents=None, - on_crossover=None, - on_mutation=None, - callback_generation=None, - on_generation=None, - on_stop=None, - delay_after_gen=0.0, - save_best_solutions=False, - save_solutions=False, - suppress_warnings=False, - stop_criteria=None): - - """ - The constructor of the GA class accepts all parameters required to create an instance of the GA class. It validates such parameters. - - num_generations: Number of generations. - num_parents_mating: Number of solutions to be selected as parents in the mating pool. - - fitness_func: Accepts a function that must accept 2 parameters (a single solution and its index in the population) and return the fitness value of the solution. Available starting from PyGAD 1.0.17 until 1.0.20 with a single parameter representing the solution. Changed in PyGAD 2.0.0 and higher to include the second parameter representing the solution index. - - initial_population: A user-defined initial population. It is useful when the user wants to start the generations with a custom initial population. It defaults to None which means no initial population is specified by the user. In this case, PyGAD creates an initial population using the 'sol_per_pop' and 'num_genes' parameters. An exception is raised if the 'initial_population' is None while any of the 2 parameters ('sol_per_pop' or 'num_genes') is also None. - sol_per_pop: Number of solutions in the population. - num_genes: Number of parameters in the function. - - init_range_low: The lower value of the random range from which the gene values in the initial population are selected. It defaults to -4. Available in PyGAD 1.0.20 and higher. - init_range_high: The upper value of the random range from which the gene values in the initial population are selected. It defaults to -4. Available in PyGAD 1.0.20. - # It is OK to set the value of any of the 2 parameters ('init_range_low' and 'init_range_high') to be equal, higher or lower than the other parameter (i.e. init_range_low is not needed to be lower than init_range_high). - - gene_type: The type of the gene. It is assigned to any of these types (int, float, numpy.int, numpy.int8, numpy.int16, numpy.int32, numpy.int64, numpy.uint, numpy.uint8, numpy.uint16, numpy.uint32, numpy.uint64, numpy.float, numpy.float16, numpy.float32, numpy.float64) and forces all the genes to be of that type. - - parent_selection_type: Type of parent selection. - keep_parents: If 0, this means no parent in the current population will be used in the next population. If -1, this means all parents in the current population will be used in the next population. If set to a value > 0, then the specified value refers to the number of parents in the current population to be used in the next population. For some parent selection operators like rank selection, the parents are of high quality and it is beneficial to keep them in the next generation. In some other parent selection operators like roulette wheel selection (RWS), it is not guranteed that the parents will be of high quality and thus keeping the parents might degarde the quality of the population. - K_tournament: When the value of 'parent_selection_type' is 'tournament', the 'K_tournament' parameter specifies the number of solutions from which a parent is selected randomly. - - crossover_type: Type of the crossover opreator. If crossover_type=None, then the crossover step is bypassed which means no crossover is applied and thus no offspring will be created in the next generations. The next generation will use the solutions in the current population. - crossover_probability: The probability of selecting a solution for the crossover operation. If the solution probability is <= crossover_probability, the solution is selected. The value must be between 0 and 1 inclusive. - - mutation_type: Type of the mutation opreator. If mutation_type=None, then the mutation step is bypassed which means no mutation is applied and thus no changes are applied to the offspring created using the crossover operation. The offspring will be used unchanged in the next generation. - mutation_probability: The probability of selecting a gene for the mutation operation. If the gene probability is <= mutation_probability, the gene is selected. It accepts either a single value for fixed mutation or a list/tuple/numpy.ndarray of 2 values for adaptive mutation. The values must be between 0 and 1 inclusive. If specified, then no need for the 2 parameters mutation_percent_genes and mutation_num_genes. - - mutation_by_replacement: An optional bool parameter. It works only when the selected type of mutation is random (mutation_type="random"). In this case, setting mutation_by_replacement=True means replace the gene by the randomly generated value. If False, then it has no effect and random mutation works by adding the random value to the gene. - - mutation_percent_genes: Percentage of genes to mutate which defaults to the string 'default' which means 10%. This parameter has no action if any of the 2 parameters mutation_probability or mutation_num_genes exist. - mutation_num_genes: Number of genes to mutate which defaults to None. If the parameter mutation_num_genes exists, then no need for the parameter mutation_percent_genes. This parameter has no action if the mutation_probability parameter exists. - random_mutation_min_val: The minimum value of the range from which a random value is selected to be added to the selected gene(s) to mutate. It defaults to -1.0. - random_mutation_max_val: The maximum value of the range from which a random value is selected to be added to the selected gene(s) to mutate. It defaults to 1.0. - - gene_space: It accepts a list of all possible values of the gene. This list is used in the mutation step. Should be used only if the gene space is a set of discrete values. No need for the 2 parameters (random_mutation_min_val and random_mutation_max_val) if the parameter gene_space exists. Added in PyGAD 2.5.0. In PyGAD 2.11.0, the gene_space can be assigned a dict. - - on_start: Accepts a function to be called only once before the genetic algorithm starts its evolution. This function must accept a single parameter representing the instance of the genetic algorithm. Added in PyGAD 2.6.0. - on_fitness: Accepts a function to be called after calculating the fitness values of all solutions in the population. This function must accept 2 parameters: the first one represents the instance of the genetic algorithm and the second one is a list of all solutions' fitness values. Added in PyGAD 2.6.0. - on_parents: Accepts a function to be called after selecting the parents that mates. This function must accept 2 parameters: the first one represents the instance of the genetic algorithm and the second one represents the selected parents. Added in PyGAD 2.6.0. - on_crossover: Accepts a function to be called each time the crossover operation is applied. This function must accept 2 parameters: the first one represents the instance of the genetic algorithm and the second one represents the offspring generated using crossover. Added in PyGAD 2.6.0. - on_mutation: Accepts a function to be called each time the mutation operation is applied. This function must accept 2 parameters: the first one represents the instance of the genetic algorithm and the second one represents the offspring after applying the mutation. Added in PyGAD 2.6.0. - callback_generation: Accepts a function to be called after each generation. This function must accept a single parameter representing the instance of the genetic algorithm. If the function returned "stop", then the run() method stops without completing the other generations. Starting from PyGAD 2.6.0, the callback_generation parameter is deprecated and should be replaced by the on_generation parameter. - on_generation: Accepts a function to be called after each generation. This function must accept a single parameter representing the instance of the genetic algorithm. If the function returned "stop", then the run() method stops without completing the other generations. Added in PyGAD 2.6.0. - on_stop: Accepts a function to be called only once exactly before the genetic algorithm stops or when it completes all the generations. This function must accept 2 parameters: the first one represents the instance of the genetic algorithm and the second one is a list of fitness values of the last population's solutions. Added in PyGAD 2.6.0. - - delay_after_gen: Added in PyGAD 2.4.0. It accepts a non-negative number specifying the number of seconds to wait after a generation completes and before going to the next generation. It defaults to 0.0 which means no delay after the generation. - - save_best_solutions: Added in PyGAD 2.9.0 and its type is bool. If True, then the best solution in each generation is saved into the 'best_solutions' attribute. Use this parameter with caution as it may cause memory overflow when either the number of generations or the number of genes is large. - save_solutions: Added in PyGAD 2.15.0 and its type is bool. If True, then all solutions in each generation are saved into the 'solutions' attribute. Use this parameter with caution as it may cause memory overflow when either the number of generations, number of genes, or number of solutions in population is large. - - suppress_warnings: Added in PyGAD 2.10.0 and its type is bool. If True, then no warning messages will be displayed. It defaults to False. - - allow_duplicate_genes: Added in PyGAD 2.13.0. If True, then a solution/chromosome may have duplicate gene values. If False, then each gene will have a unique value in its solution. - - stop_criteria: Added in PyGAD 2.15.0. It is assigned to some criteria to stop the evolution if at least one criterion holds. - """ - - # If suppress_warnings is bool and its valud is False, then print warning messages. - if type(suppress_warnings) is bool: - self.suppress_warnings = suppress_warnings - else: - self.valid_parameters = False - raise TypeError("The expected type of the 'suppress_warnings' parameter is bool but {suppress_warnings_type} found.".format(suppress_warnings_type=type(suppress_warnings))) - - # Validating mutation_by_replacement - if not (type(mutation_by_replacement) is bool): - self.valid_parameters = False - raise TypeError("The expected type of the 'mutation_by_replacement' parameter is bool but ({mutation_by_replacement_type}) found.".format(mutation_by_replacement_type=type(mutation_by_replacement))) - - self.mutation_by_replacement = mutation_by_replacement - - # Validate gene_space - self.gene_space_nested = False - if type(gene_space) is type(None): - pass - elif type(gene_space) in [list, tuple, range, numpy.ndarray]: - if len(gene_space) == 0: - self.valid_parameters = False - raise TypeError("'gene_space' cannot be empty (i.e. its length must be >= 0).") - else: - for index, el in enumerate(gene_space): - if type(el) in [list, tuple, range, numpy.ndarray]: - if len(el) == 0: - self.valid_parameters = False - raise TypeError("The element indexed {index} of 'gene_space' with type {el_type} cannot be empty (i.e. its length must be >= 0).".format(index=index, el_type=type(el))) - else: - for val in el: - if not (type(val) in [type(None)] + GA.supported_int_float_types): - raise TypeError("All values in the sublists inside the 'gene_space' attribute must be numeric of type int/float/None but ({val}) of type {typ} found.".format(val=val, typ=type(val))) - self.gene_space_nested = True - elif type(el) == type(None): - pass - # self.gene_space_nested = True - elif type(el) is dict: - if len(el.items()) == 2: - if ('low' in el.keys()) and ('high' in el.keys()): - pass - else: - self.valid_parameters = False - raise TypeError("When an element in the 'gene_space' parameter is of type dict, then it can have the keys 'low', 'high', and 'step' (optional) but the following keys found: {gene_space_dict_keys}".format(gene_space_dict_keys=el.keys())) - elif len(el.items()) == 3: - if ('low' in el.keys()) and ('high' in el.keys()) and ('step' in el.keys()): - pass - else: - self.valid_parameters = False - raise TypeError("When an element in the 'gene_space' parameter is of type dict, then it can have the keys 'low', 'high', and 'step' (optional) but the following keys found: {gene_space_dict_keys}".format(gene_space_dict_keys=el.keys())) - else: - self.valid_parameters = False - raise TypeError("When an element in the 'gene_space' parameter is of type dict, then it must have only 2 items but ({num_items}) items found.".format(num_items=len(el.items()))) - self.gene_space_nested = True - elif not (type(el) in GA.supported_int_float_types): - self.valid_parameters = False - raise TypeError("Unexpected type {el_type} for the element indexed {index} of 'gene_space'. The accepted types are list/tuple/range/numpy.ndarray of numbers, a single number (int/float), or None.".format(index=index, el_type=type(el))) - - elif type(gene_space) is dict: - if len(gene_space.items()) == 2: - if ('low' in gene_space.keys()) and ('high' in gene_space.keys()): - pass - else: - self.valid_parameters = False - raise TypeError("When the 'gene_space' parameter is of type dict, then it can have only the keys 'low', 'high', and 'step' (optional) but the following keys found: {gene_space_dict_keys}".format(gene_space_dict_keys=gene_space.keys())) - elif len(gene_space.items()) == 3: - if ('low' in gene_space.keys()) and ('high' in gene_space.keys()) and ('step' in gene_space.keys()): - pass - else: - self.valid_parameters = False - raise TypeError("When the 'gene_space' parameter is of type dict, then it can have only the keys 'low', 'high', and 'step' (optional) but the following keys found: {gene_space_dict_keys}".format(gene_space_dict_keys=gene_space.keys())) - else: - self.valid_parameters = False - raise TypeError("When the 'gene_space' parameter is of type dict, then it must have only 2 items but ({num_items}) items found.".format(num_items=len(gene_space.items()))) - - else: - self.valid_parameters = False - raise TypeError("The expected type of 'gene_space' is list, tuple, range, or numpy.ndarray but ({gene_space_type}) found.".format(gene_space_type=type(gene_space))) - - self.gene_space = gene_space - - # Validate init_range_low and init_range_high - if type(init_range_low) in GA.supported_int_float_types: - if type(init_range_high) in GA.supported_int_float_types: - self.init_range_low = init_range_low - self.init_range_high = init_range_high - else: - self.valid_parameters = False - raise ValueError("The value passed to the 'init_range_high' parameter must be either integer or floating-point number but the value ({init_range_high_value}) of type {init_range_high_type} found.".format(init_range_high_value=init_range_high, init_range_high_type=type(init_range_high))) - else: - self.valid_parameters = False - raise ValueError("The value passed to the 'init_range_low' parameter must be either integer or floating-point number but the value ({init_range_low_value}) of type {init_range_low_type} found.".format(init_range_low_value=init_range_low, init_range_low_type=type(init_range_low))) - - - # Validate random_mutation_min_val and random_mutation_max_val - if type(random_mutation_min_val) in GA.supported_int_float_types: - if type(random_mutation_max_val) in GA.supported_int_float_types: - if random_mutation_min_val == random_mutation_max_val: - if not self.suppress_warnings: warnings.warn("The values of the 2 parameters 'random_mutation_min_val' and 'random_mutation_max_val' are equal and this causes a fixed change to all genes.") - else: - self.valid_parameters = False - raise TypeError("The expected type of the 'random_mutation_max_val' parameter is numeric but ({random_mutation_max_val_type}) found.".format(random_mutation_max_val_type=type(random_mutation_max_val))) - else: - self.valid_parameters = False - raise TypeError("The expected type of the 'random_mutation_min_val' parameter is numeric but ({random_mutation_min_val_type}) found.".format(random_mutation_min_val_type=type(random_mutation_min_val))) - self.random_mutation_min_val = random_mutation_min_val - self.random_mutation_max_val = random_mutation_max_val - - # Validate gene_type - if gene_type in GA.supported_int_float_types: - self.gene_type = [gene_type, None] - self.gene_type_single = True - # A single data type of float with precision. - elif len(gene_type) == 2 and gene_type[0] in GA.supported_float_types and (type(gene_type[1]) in GA.supported_int_types or gene_type[1] is None): - self.gene_type = gene_type - self.gene_type_single = True - elif type(gene_type) in [list, tuple, numpy.ndarray]: - if not len(gene_type) == num_genes: - self.valid_parameters = False - raise TypeError("When the parameter 'gene_type' is nested, then it can be either [float, int] or with length equal to the value passed to the 'num_genes' parameter. Instead, value {gene_type_val} with len(gene_type) ({len_gene_type}) != len(num_genes) ({num_genes}) found.".format(gene_type_val=gene_type, len_gene_type=len(gene_type), num_genes=num_genes)) - for gene_type_idx, gene_type_val in enumerate(gene_type): - if gene_type_val in GA.supported_float_types: - # If the gene type is float and no precision is passed, set it to None. - gene_type[gene_type_idx] = [gene_type_val, None] - elif gene_type_val in GA.supported_int_types: - gene_type[gene_type_idx] = [gene_type_val, None] - elif type(gene_type_val) in [list, tuple, numpy.ndarray]: - # A float type is expected in a list/tuple/numpy.ndarray of length 2. - if len(gene_type_val) == 2: - if gene_type_val[0] in GA.supported_float_types: - if type(gene_type_val[1]) in GA.supported_int_types: - pass - else: - self.valid_parameters = False - raise ValueError("In the 'gene_type' parameter, the precision for float gene data types must be an integer but the element {gene_type_val} at index {gene_type_idx} has a precision of {gene_type_precision_val} with type {gene_type_type} .".format(gene_type_val=gene_type_val, gene_type_precision_val=gene_type_val[1], gene_type_type=gene_type_val[0], gene_type_idx=gene_type_idx)) - else: - self.valid_parameters = False - raise ValueError("In the 'gene_type' parameter, a precision is expected only for float gene data types but the element {gene_type} found at index {gene_type_idx}. Note that the data type must be at index 0 followed by precision at index 1.".format(gene_type=gene_type_val, gene_type_idx=gene_type_idx)) - else: - self.valid_parameters = False - raise ValueError("In the 'gene_type' parameter, a precision is specified in a list/tuple/numpy.ndarray of length 2 but value ({gene_type_val}) of type {gene_type_type} with length {gene_type_length} found at index {gene_type_idx}.".format(gene_type_val=gene_type_val, gene_type_type=type(gene_type_val), gene_type_idx=gene_type_idx, gene_type_length=len(gene_type_val))) - else: - self.valid_parameters = False - raise ValueError("When a list/tuple/numpy.ndarray is assigned to the 'gene_type' parameter, then its elements must be of integer, floating-point, list, tuple, or numpy.ndarray data types but the value ({gene_type_val}) of type {gene_type_type} found at index {gene_type_idx}.".format(gene_type_val=gene_type_val, gene_type_type=type(gene_type_val), gene_type_idx=gene_type_idx)) - self.gene_type = gene_type - self.gene_type_single = False - else: - self.valid_parameters = False - raise ValueError("The value passed to the 'gene_type' parameter must be either a single integer, floating-point, list, tuple, or numpy.ndarray but ({gene_type_val}) of type {gene_type_type} found.".format(gene_type_val=gene_type, gene_type_type=type(gene_type))) - - # Build the initial population - if initial_population is None: - if (sol_per_pop is None) or (num_genes is None): - self.valid_parameters = False - raise ValueError("Error creating the initail population\n\nWhen the parameter initial_population is None, then neither of the 2 parameters sol_per_pop and num_genes can be None at the same time.\nThere are 2 options to prepare the initial population:\n1) Create an initial population and assign it to the initial_population parameter. In this case, the values of the 2 parameters sol_per_pop and num_genes will be deduced.\n2) Allow the genetic algorithm to create the initial population automatically by passing valid integer values to the sol_per_pop and num_genes parameters.") - elif (type(sol_per_pop) is int) and (type(num_genes) is int): - # Validating the number of solutions in the population (sol_per_pop) - if sol_per_pop <= 0: - self.valid_parameters = False - raise ValueError("The number of solutions in the population (sol_per_pop) must be > 0 but ({sol_per_pop}) found. \nThe following parameters must be > 0: \n1) Population size (i.e. number of solutions per population) (sol_per_pop).\n2) Number of selected parents in the mating pool (num_parents_mating).\n".format(sol_per_pop=sol_per_pop)) - # Validating the number of gene. - if (num_genes <= 0): - self.valid_parameters = False - raise ValueError("The number of genes cannot be <= 0 but ({num_genes}) found.\n".format(num_genes=num_genes)) - # When initial_population=None and the 2 parameters sol_per_pop and num_genes have valid integer values, then the initial population is created. - # Inside the initialize_population() method, the initial_population attribute is assigned to keep the initial population accessible. - self.num_genes = num_genes # Number of genes in the solution. - - # In case the 'gene_space' parameter is nested, then make sure the number of its elements equals to the number of genes. - if self.gene_space_nested: - if len(gene_space) != self.num_genes: - self.valid_parameters = False - raise TypeError("When the parameter 'gene_space' is nested, then its length must be equal to the value passed to the 'num_genes' parameter. Instead, length of gene_space ({len_gene_space}) != num_genes ({num_genes})".format(len_gene_space=len(gene_space), num_genes=self.num_genes)) - - self.sol_per_pop = sol_per_pop # Number of solutions in the population. - self.initialize_population(self.init_range_low, self.init_range_high, allow_duplicate_genes, True, self.gene_type) - else: - self.valid_parameters = False - raise TypeError("The expected type of both the sol_per_pop and num_genes parameters is int but ({sol_per_pop_type}) and {num_genes_type} found.".format(sol_per_pop_type=type(sol_per_pop), num_genes_type=type(num_genes))) - elif numpy.array(initial_population).ndim != 2: - self.valid_parameters = False - raise ValueError("A 2D list is expected to the initail_population parameter but a ({initial_population_ndim}-D) list found.".format(initial_population_ndim=numpy.array(initial_population).ndim)) - else: - # Forcing the initial_population array to have the data type assigned to the gene_type parameter. - if self.gene_type_single == True: - if self.gene_type[1] == None: - self.initial_population = numpy.array(initial_population, dtype=self.gene_type[0]) - else: - self.initial_population = numpy.round(numpy.array(initial_population, dtype=self.gene_type[0]), self.gene_type[1]) - else: - initial_population = numpy.array(initial_population) - self.initial_population = numpy.zeros(shape=(initial_population.shape[0], initial_population.shape[1]), dtype=object) - for gene_idx in range(initial_population.shape[1]): - if self.gene_type[gene_idx][1] is None: - self.initial_population[:, gene_idx] = numpy.asarray(initial_population[:, gene_idx], - dtype=self.gene_type[gene_idx][0]) - else: - self.initial_population[:, gene_idx] = numpy.round(numpy.asarray(initial_population[:, gene_idx], - dtype=self.gene_type[gene_idx][0]), - self.gene_type[gene_idx][1]) - - self.population = self.initial_population.copy() # A NumPy array holding the initial population. - self.num_genes = self.initial_population.shape[1] # Number of genes in the solution. - self.sol_per_pop = self.initial_population.shape[0] # Number of solutions in the population. - self.pop_size = (self.sol_per_pop,self.num_genes) # The population size. - - # Round initial_population and population - self.initial_population = self.round_genes(self.initial_population) - self.population = self.round_genes(self.population) - - # In case the 'gene_space' parameter is nested, then make sure the number of its elements equals to the number of genes. - if self.gene_space_nested: - if len(gene_space) != self.num_genes: - self.valid_parameters = False - raise TypeError("When the parameter 'gene_space' is nested, then its length must be equal to the value passed to the 'num_genes' parameter. Instead, length of gene_space ({len_gene_space}) != num_genes ({len_num_genes})".format(len_gene_space=len(gene_space), len_num_genes=self.num_genes)) - - # Validating the number of parents to be selected for mating (num_parents_mating) - if num_parents_mating <= 0: - self.valid_parameters = False - raise ValueError("The number of parents mating (num_parents_mating) parameter must be > 0 but ({num_parents_mating}) found. \nThe following parameters must be > 0: \n1) Population size (i.e. number of solutions per population) (sol_per_pop).\n2) Number of selected parents in the mating pool (num_parents_mating).\n".format(num_parents_mating=num_parents_mating)) - - # Validating the number of parents to be selected for mating: num_parents_mating - if (num_parents_mating > self.sol_per_pop): - self.valid_parameters = False - raise ValueError("The number of parents to select for mating ({num_parents_mating}) cannot be greater than the number of solutions in the population ({sol_per_pop}) (i.e., num_parents_mating must always be <= sol_per_pop).\n".format(num_parents_mating=num_parents_mating, sol_per_pop=self.sol_per_pop)) - - self.num_parents_mating = num_parents_mating - - # crossover: Refers to the method that applies the crossover operator based on the selected type of crossover in the crossover_type property. - # Validating the crossover type: crossover_type - if (crossover_type is None): - self.crossover = None - elif callable(crossover_type): - # Check if the crossover_type is a function that accepts 2 paramaters. - if (crossover_type.__code__.co_argcount == 3): - # The crossover function assigned to the crossover_type parameter is validated. - self.crossover = crossover_type - else: - self.valid_parameters = False - raise ValueError("When 'crossover_type' is assigned to a function, then this crossover function must accept 2 parameters:\n1) The selected parents.\n2) The size of the offspring to be produced.3) The instance from the pygad.GA class to retrieve any property like population, gene data type, gene space, etc.\n\nThe passed crossover function named '{funcname}' accepts {argcount} parameter(s).".format(funcname=crossover_type.__code__.co_name, argcount=crossover_type.__code__.co_argcount)) - elif not (type(crossover_type) is str): - self.valid_parameters = False - raise TypeError("The expected type of the 'crossover_type' parameter is either callable or str but ({crossover_type}) found.".format(crossover_type=type(crossover_type))) - else: # type crossover_type is str - crossover_type = crossover_type.lower() - if (crossover_type == "single_point"): - self.crossover = self.single_point_crossover - elif (crossover_type == "two_points"): - self.crossover = self.two_points_crossover - elif (crossover_type == "uniform"): - self.crossover = self.uniform_crossover - elif (crossover_type == "scattered"): - self.crossover = self.scattered_crossover - else: - self.valid_parameters = False - raise ValueError("Undefined crossover type. \nThe assigned value to the crossover_type ({crossover_type}) parameter does not refer to one of the supported crossover types which are: \n-single_point (for single point crossover)\n-two_points (for two points crossover)\n-uniform (for uniform crossover)\n-scattered (for scattered crossover).\n".format(crossover_type=crossover_type)) - - self.crossover_type = crossover_type - - # Calculate the value of crossover_probability - if crossover_probability is None: - self.crossover_probability = None - elif type(crossover_probability) in GA.supported_int_float_types: - if crossover_probability >= 0 and crossover_probability <= 1: - self.crossover_probability = crossover_probability - else: - self.valid_parameters = False - raise ValueError("The value assigned to the 'crossover_probability' parameter must be between 0 and 1 inclusive but ({crossover_probability_value}) found.".format(crossover_probability_value=crossover_probability)) - else: - self.valid_parameters = False - raise ValueError("Unexpected type for the 'crossover_probability' parameter. Float is expected but ({crossover_probability_value}) of type {crossover_probability_type} found.".format(crossover_probability_value=crossover_probability, crossover_probability_type=type(crossover_probability))) - - # mutation: Refers to the method that applies the mutation operator based on the selected type of mutation in the mutation_type property. - # Validating the mutation type: mutation_type - # "adaptive" mutation is supported starting from PyGAD 2.10.0 - if mutation_type is None: - self.mutation = None - elif callable(mutation_type): - # Check if the mutation_type is a function that accepts 1 paramater. - if (mutation_type.__code__.co_argcount == 2): - # The mutation function assigned to the mutation_type parameter is validated. - self.mutation = mutation_type - else: - self.valid_parameters = False - raise ValueError("When 'mutation_type' is assigned to a function, then this mutation function must accept 2 parameters:\n1) The offspring to be mutated.\n2) The instance from the pygad.GA class to retrieve any property like population, gene data type, gene space, etc.\n\nThe passed mutation function named '{funcname}' accepts {argcount} parameter(s).".format(funcname=mutation_type.__code__.co_name, argcount=mutation_type.__code__.co_argcount)) - elif not (type(mutation_type) is str): - self.valid_parameters = False - raise TypeError("The expected type of the 'mutation_type' parameter is either callable or str but ({mutation_type}) found.".format(mutation_type=type(mutation_type))) - else: # type mutation_type is str - mutation_type = mutation_type.lower() - if (mutation_type == "random"): - self.mutation = self.random_mutation - elif (mutation_type == "swap"): - self.mutation = self.swap_mutation - elif (mutation_type == "scramble"): - self.mutation = self.scramble_mutation - elif (mutation_type == "inversion"): - self.mutation = self.inversion_mutation - elif (mutation_type == "adaptive"): - self.mutation = self.adaptive_mutation - else: - self.valid_parameters = False - raise ValueError("Undefined mutation type. \nThe assigned string value to the 'mutation_type' parameter ({mutation_type}) does not refer to one of the supported mutation types which are: \n-random (for random mutation)\n-swap (for swap mutation)\n-inversion (for inversion mutation)\n-scramble (for scramble mutation)\n-adaptive (for adaptive mutation).\n".format(mutation_type=mutation_type)) - - self.mutation_type = mutation_type - - # Calculate the value of mutation_probability - if not (self.mutation_type is None): - if mutation_probability is None: - self.mutation_probability = None - elif (mutation_type != "adaptive"): - # Mutation probability is fixed not adaptive. - if type(mutation_probability) in GA.supported_int_float_types: - if mutation_probability >= 0 and mutation_probability <= 1: - self.mutation_probability = mutation_probability - else: - self.valid_parameters = False - raise ValueError("The value assigned to the 'mutation_probability' parameter must be between 0 and 1 inclusive but ({mutation_probability_value}) found.".format(mutation_probability_value=mutation_probability)) - else: - self.valid_parameters = False - raise ValueError("Unexpected type for the 'mutation_probability' parameter. A numeric value is expected but ({mutation_probability_value}) of type {mutation_probability_type} found.".format(mutation_probability_value=mutation_probability, mutation_probability_type=type(mutation_probability))) - else: - # Mutation probability is adaptive not fixed. - if type(mutation_probability) in [list, tuple, numpy.ndarray]: - if len(mutation_probability) == 2: - for el in mutation_probability: - if type(el) in GA.supported_int_float_types: - if el >= 0 and el <= 1: - pass - else: - self.valid_parameters = False - raise ValueError("The values assigned to the 'mutation_probability' parameter must be between 0 and 1 inclusive but ({mutation_probability_value}) found.".format(mutation_probability_value=el)) - else: - self.valid_parameters = False - raise ValueError("Unexpected type for a value assigned to the 'mutation_probability' parameter. A numeric value is expected but ({mutation_probability_value}) of type {mutation_probability_type} found.".format(mutation_probability_value=el, mutation_probability_type=type(el))) - if mutation_probability[0] < mutation_probability[1]: - if not self.suppress_warnings: warnings.warn("The first element in the 'mutation_probability' parameter is {first_el} which is smaller than the second element {second_el}. This means the mutation rate for the high-quality solutions is higher than the mutation rate of the low-quality ones. This causes high disruption in the high qualitiy solutions while making little changes in the low quality solutions. Please make the first element higher than the second element.".format(first_el=mutation_probability[0], second_el=mutation_probability[1])) - self.mutation_probability = mutation_probability - else: - self.valid_parameters = False - raise ValueError("When mutation_type='adaptive', then the 'mutation_probability' parameter must have only 2 elements but ({mutation_probability_length}) element(s) found.".format(mutation_probability_length=len(mutation_probability))) - else: - self.valid_parameters = False - raise ValueError("Unexpected type for the 'mutation_probability' parameter. When mutation_type='adaptive', then list/tuple/numpy.ndarray is expected but ({mutation_probability_value}) of type {mutation_probability_type} found.".format(mutation_probability_value=mutation_probability, mutation_probability_type=type(mutation_probability))) - else: - pass - - # Calculate the value of mutation_num_genes - if not (self.mutation_type is None): - if mutation_num_genes is None: - # The mutation_num_genes parameter does not exist. Checking whether adaptive mutation is used. - if (mutation_type != "adaptive"): - # The percent of genes to mutate is fixed not adaptive. - if mutation_percent_genes == 'default'.lower(): - mutation_percent_genes = 10 - # Based on the mutation percentage in the 'mutation_percent_genes' parameter, the number of genes to mutate is calculated. - mutation_num_genes = numpy.uint32((mutation_percent_genes*self.num_genes)/100) - # Based on the mutation percentage of genes, if the number of selected genes for mutation is less than the least possible value which is 1, then the number will be set to 1. - if mutation_num_genes == 0: - if self.mutation_probability is None: - if not self.suppress_warnings: warnings.warn("The percentage of genes to mutate (mutation_percent_genes={mutation_percent}) resutled in selecting ({mutation_num}) genes. The number of genes to mutate is set to 1 (mutation_num_genes=1).\nIf you do not want to mutate any gene, please set mutation_type=None.".format(mutation_percent=mutation_percent_genes, mutation_num=mutation_num_genes)) - mutation_num_genes = 1 - - elif type(mutation_percent_genes) in GA.supported_int_float_types: - if (mutation_percent_genes <= 0 or mutation_percent_genes > 100): - self.valid_parameters = False - raise ValueError("The percentage of selected genes for mutation (mutation_percent_genes) must be > 0 and <= 100 but ({mutation_percent_genes}) found.\n".format(mutation_percent_genes=mutation_percent_genes)) - else: - # If mutation_percent_genes equals the string "default", then it is replaced by the numeric value 10. - if mutation_percent_genes == 'default'.lower(): - mutation_percent_genes = 10 - - # Based on the mutation percentage in the 'mutation_percent_genes' parameter, the number of genes to mutate is calculated. - mutation_num_genes = numpy.uint32((mutation_percent_genes*self.num_genes)/100) - # Based on the mutation percentage of genes, if the number of selected genes for mutation is less than the least possible value which is 1, then the number will be set to 1. - if mutation_num_genes == 0: - if self.mutation_probability is None: - if not self.suppress_warnings: warnings.warn("The percentage of genes to mutate (mutation_percent_genes={mutation_percent}) resutled in selecting ({mutation_num}) genes. The number of genes to mutate is set to 1 (mutation_num_genes=1).\nIf you do not want to mutate any gene, please set mutation_type=None.".format(mutation_percent=mutation_percent_genes, mutation_num=mutation_num_genes)) - mutation_num_genes = 1 - else: - self.valid_parameters = False - raise ValueError("Unexpected value or type of the 'mutation_percent_genes' parameter. It only accepts the string 'default' or a numeric value but ({mutation_percent_genes_value}) of type {mutation_percent_genes_type} found.".format(mutation_percent_genes_value=mutation_percent_genes, mutation_percent_genes_type=type(mutation_percent_genes))) - else: - # The percent of genes to mutate is adaptive not fixed. - if type(mutation_percent_genes) in [list, tuple, numpy.ndarray]: - if len(mutation_percent_genes) == 2: - mutation_num_genes = numpy.zeros_like(mutation_percent_genes, dtype=numpy.uint32) - for idx, el in enumerate(mutation_percent_genes): - if type(el) in GA.supported_int_float_types: - if (el <= 0 or el > 100): - self.valid_parameters = False - raise ValueError("The values assigned to the 'mutation_percent_genes' must be > 0 and <= 100 but ({mutation_percent_genes}) found.\n".format(mutation_percent_genes=mutation_percent_genes)) - else: - self.valid_parameters = False - raise ValueError("Unexpected type for a value assigned to the 'mutation_percent_genes' parameter. An integer value is expected but ({mutation_percent_genes_value}) of type {mutation_percent_genes_type} found.".format(mutation_percent_genes_value=el, mutation_percent_genes_type=type(el))) - # At this point of the loop, the current value assigned to the parameter 'mutation_percent_genes' is validated. - # Based on the mutation percentage in the 'mutation_percent_genes' parameter, the number of genes to mutate is calculated. - mutation_num_genes[idx] = numpy.uint32((mutation_percent_genes[idx]*self.num_genes)/100) - # Based on the mutation percentage of genes, if the number of selected genes for mutation is less than the least possible value which is 1, then the number will be set to 1. - if mutation_num_genes[idx] == 0: - if not self.suppress_warnings: warnings.warn("The percentage of genes to mutate ({mutation_percent}) resutled in selecting ({mutation_num}) genes. The number of genes to mutate is set to 1 (mutation_num_genes=1).\nIf you do not want to mutate any gene, please set mutation_type=None.".format(mutation_percent=mutation_percent_genes[idx], mutation_num=mutation_num_genes[idx])) - mutation_num_genes[idx] = 1 - if mutation_percent_genes[0] < mutation_percent_genes[1]: - if not self.suppress_warnings: warnings.warn("The first element in the 'mutation_percent_genes' parameter is ({first_el}) which is smaller than the second element ({second_el}).\nThis means the mutation rate for the high-quality solutions is higher than the mutation rate of the low-quality ones. This causes high disruption in the high qualitiy solutions while making little changes in the low quality solutions.\nPlease make the first element higher than the second element.".format(first_el=mutation_percent_genes[0], second_el=mutation_percent_genes[1])) - # At this point outside the loop, all values of the parameter 'mutation_percent_genes' are validated. Eveyrthing is OK. - else: - self.valid_parameters = False - raise ValueError("When mutation_type='adaptive', then the 'mutation_percent_genes' parameter must have only 2 elements but ({mutation_percent_genes_length}) element(s) found.".format(mutation_percent_genes_length=len(mutation_percent_genes))) - else: - if self.mutation_probability is None: - self.valid_parameters = False - raise ValueError("Unexpected type for the 'mutation_percent_genes' parameter. When mutation_type='adaptive', then the 'mutation_percent_genes' parameter should exist and assigned a list/tuple/numpy.ndarray with 2 values but ({mutation_percent_genes_value}) found.".format(mutation_percent_genes_value=mutation_percent_genes)) - # The mutation_num_genes parameter exists. Checking whether adaptive mutation is used. - elif (mutation_type != "adaptive"): - # Number of genes to mutate is fixed not adaptive. - if type(mutation_num_genes) in GA.supported_int_types: - if (mutation_num_genes <= 0): - self.valid_parameters = False - raise ValueError("The number of selected genes for mutation (mutation_num_genes) cannot be <= 0 but ({mutation_num_genes}) found. If you do not want to use mutation, please set mutation_type=None\n".format(mutation_num_genes=mutation_num_genes)) - elif (mutation_num_genes > self.num_genes): - self.valid_parameters = False - raise ValueError("The number of selected genes for mutation (mutation_num_genes), which is ({mutation_num_genes}), cannot be greater than the number of genes ({num_genes}).\n".format(mutation_num_genes=mutation_num_genes, num_genes=self.num_genes)) - else: - self.valid_parameters = False - raise ValueError("The 'mutation_num_genes' parameter is expected to be a positive integer but the value ({mutation_num_genes_value}) of type {mutation_num_genes_type} found.\n".format(mutation_num_genes_value=mutation_num_genes, mutation_num_genes_type=type(mutation_num_genes))) - else: - # Number of genes to mutate is adaptive not fixed. - if type(mutation_num_genes) in [list, tuple, numpy.ndarray]: - if len(mutation_num_genes) == 2: - for el in mutation_num_genes: - if type(el) in GA.supported_int_types: - if (el <= 0): - self.valid_parameters = False - raise ValueError("The values assigned to the 'mutation_num_genes' cannot be <= 0 but ({mutation_num_genes_value}) found. If you do not want to use mutation, please set mutation_type=None\n".format(mutation_num_genes_value=el)) - elif (el > self.num_genes): - self.valid_parameters = False - raise ValueError("The values assigned to the 'mutation_num_genes' cannot be greater than the number of genes ({num_genes}) but ({mutation_num_genes_value}) found.\n".format(mutation_num_genes_value=el, num_genes=self.num_genes)) - else: - self.valid_parameters = False - raise ValueError("Unexpected type for a value assigned to the 'mutation_num_genes' parameter. An integer value is expected but ({mutation_num_genes_value}) of type {mutation_num_genes_type} found.".format(mutation_num_genes_value=el, mutation_num_genes_type=type(el))) - # At this point of the loop, the current value assigned to the parameter 'mutation_num_genes' is validated. - if mutation_num_genes[0] < mutation_num_genes[1]: - if not self.suppress_warnings: warnings.warn("The first element in the 'mutation_num_genes' parameter is {first_el} which is smaller than the second element {second_el}. This means the mutation rate for the high-quality solutions is higher than the mutation rate of the low-quality ones. This causes high disruption in the high qualitiy solutions while making little changes in the low quality solutions. Please make the first element higher than the second element.".format(first_el=mutation_num_genes[0], second_el=mutation_num_genes[1])) - # At this point outside the loop, all values of the parameter 'mutation_num_genes' are validated. Eveyrthing is OK. - else: - self.valid_parameters = False - raise ValueError("When mutation_type='adaptive', then the 'mutation_num_genes' parameter must have only 2 elements but ({mutation_num_genes_length}) element(s) found.".format(mutation_num_genes_length=len(mutation_num_genes))) - else: - self.valid_parameters = False - raise ValueError("Unexpected type for the 'mutation_num_genes' parameter. When mutation_type='adaptive', then list/tuple/numpy.ndarray is expected but ({mutation_num_genes_value}) of type {mutation_num_genes_type} found.".format(mutation_num_genes_value=mutation_num_genes, mutation_num_genes_type=type(mutation_num_genes))) - else: - pass - - # Validating mutation_by_replacement and mutation_type - if self.mutation_type != "random" and self.mutation_by_replacement: - if not self.suppress_warnings: warnings.warn("The mutation_by_replacement parameter is set to True while the mutation_type parameter is not set to random but ({mut_type}). Note that the mutation_by_replacement parameter has an effect only when mutation_type='random'.".format(mut_type=mutation_type)) - - # Check if crossover and mutation are both disabled. - if (self.mutation_type is None) and (self.crossover_type is None): - if not self.suppress_warnings: warnings.warn("The 2 parameters mutation_type and crossover_type are None. This disables any type of evolution the genetic algorithm can make. As a result, the genetic algorithm cannot find a better solution that the best solution in the initial population.") - - # select_parents: Refers to a method that selects the parents based on the parent selection type specified in the parent_selection_type attribute. - # Validating the selected type of parent selection: parent_selection_type - if callable(parent_selection_type): - # Check if the parent_selection_type is a function that accepts 3 paramaters. - if (parent_selection_type.__code__.co_argcount == 3): - # population: Added in PyGAD 2.16.0. It should used only to support custom parent selection functions. Otherwise, it should be left to None to retirve the population by self.population. - # The parent selection function assigned to the parent_selection_type parameter is validated. - self.select_parents = parent_selection_type - else: - self.valid_parameters = False - raise ValueError("When 'parent_selection_type' is assigned to a user-defined function, then this parent selection function must accept 3 parameters:\n1) The fitness values of the current population.\n2) The number of parents needed.\n3) The instance from the pygad.GA class to retrieve any property like population, gene data type, gene space, etc.\n\nThe passed parent selection function named '{funcname}' accepts {argcount} parameter(s).".format(funcname=parent_selection_type.__code__.co_name, argcount=parent_selection_type.__code__.co_argcount)) - elif not (type(parent_selection_type) is str): - self.valid_parameters = False - raise TypeError("The expected type of the 'parent_selection_type' parameter is either callable or str but ({parent_selection_type}) found.".format(parent_selection_type=type(parent_selection_type))) - else: - parent_selection_type = parent_selection_type.lower() - if (parent_selection_type == "sss"): - self.select_parents = self.steady_state_selection - elif (parent_selection_type == "rws"): - self.select_parents = self.roulette_wheel_selection - elif (parent_selection_type == "sus"): - self.select_parents = self.stochastic_universal_selection - elif (parent_selection_type == "random"): - self.select_parents = self.random_selection - elif (parent_selection_type == "tournament"): - self.select_parents = self.tournament_selection - elif (parent_selection_type == "rank"): - self.select_parents = self.rank_selection - else: - self.valid_parameters = False - raise ValueError("Undefined parent selection type: {parent_selection_type}. \nThe assigned value to the 'parent_selection_type' parameter does not refer to one of the supported parent selection techniques which are: \n-sss (for steady state selection)\n-rws (for roulette wheel selection)\n-sus (for stochastic universal selection)\n-rank (for rank selection)\n-random (for random selection)\n-tournament (for tournament selection).\n".format(parent_selection_type=parent_selection_type)) - - # For tournament selection, validate the K value. - if(parent_selection_type == "tournament"): - if (K_tournament > self.sol_per_pop): - K_tournament = self.sol_per_pop - if not self.suppress_warnings: warnings.warn("K of the tournament selection ({K_tournament}) should not be greater than the number of solutions within the population ({sol_per_pop}).\nK will be clipped to be equal to the number of solutions in the population (sol_per_pop).\n".format(K_tournament=K_tournament, sol_per_pop=self.sol_per_pop)) - elif (K_tournament <= 0): - self.valid_parameters = False - raise ValueError("K of the tournament selection cannot be <=0 but ({K_tournament}) found.\n".format(K_tournament=K_tournament)) - - self.K_tournament = K_tournament - - # Validating the number of parents to keep in the next population: keep_parents - if (keep_parents > self.sol_per_pop or keep_parents > self.num_parents_mating or keep_parents < -1): - self.valid_parameters = False - raise ValueError("Incorrect value to the keep_parents parameter: {keep_parents}. \nThe assigned value to the keep_parent parameter must satisfy the following conditions: \n1) Less than or equal to sol_per_pop\n2) Less than or equal to num_parents_mating\n3) Greater than or equal to -1.".format(keep_parents=keep_parents)) - - self.keep_parents = keep_parents - - if parent_selection_type == "sss" and self.keep_parents == 0: - if not self.suppress_warnings: warnings.warn("The steady-state parent (sss) selection operator is used despite that no parents are kept in the next generation.") - - # Validate keep_parents. - if (self.keep_parents == -1): # Keep all parents in the next population. - self.num_offspring = self.sol_per_pop - self.num_parents_mating - elif (self.keep_parents == 0): # Keep no parents in the next population. - self.num_offspring = self.sol_per_pop - elif (self.keep_parents > 0): # Keep the specified number of parents in the next population. - self.num_offspring = self.sol_per_pop - self.keep_parents - - # Check if the fitness_func is a function. - if callable(fitness_func): - # Check if the fitness function accepts 2 paramaters. - if (fitness_func.__code__.co_argcount == 2): - self.fitness_func = fitness_func - else: - self.valid_parameters = False - raise ValueError("The fitness function must accept 2 parameters:\n1) A solution to calculate its fitness value.\n2) The solution's index within the population.\n\nThe passed fitness function named '{funcname}' accepts {argcount} parameter(s).".format(funcname=fitness_func.__code__.co_name, argcount=fitness_func.__code__.co_argcount)) - else: - self.valid_parameters = False - raise ValueError("The value assigned to the fitness_func parameter is expected to be of type function but ({fitness_func_type}) found.".format(fitness_func_type=type(fitness_func))) - - # Check if the on_start exists. - if not (on_start is None): - # Check if the on_start is a function. - if callable(on_start): - # Check if the on_start function accepts only a single paramater. - if (on_start.__code__.co_argcount == 1): - self.on_start = on_start - else: - self.valid_parameters = False - raise ValueError("The function assigned to the on_start parameter must accept only 1 parameter representing the instance of the genetic algorithm.\nThe passed function named '{funcname}' accepts {argcount} parameter(s).".format(funcname=on_start.__code__.co_name, argcount=on_start.__code__.co_argcount)) - else: - self.valid_parameters = False - raise ValueError("The value assigned to the on_start parameter is expected to be of type function but ({on_start_type}) found.".format(on_start_type=type(on_start))) - else: - self.on_start = None - - # Check if the on_fitness exists. - if not (on_fitness is None): - # Check if the on_fitness is a function. - if callable(on_fitness): - # Check if the on_fitness function accepts 2 paramaters. - if (on_fitness.__code__.co_argcount == 2): - self.on_fitness = on_fitness - else: - self.valid_parameters = False - raise ValueError("The function assigned to the on_fitness parameter must accept 2 parameters representing the instance of the genetic algorithm and the fitness values of all solutions.\nThe passed function named '{funcname}' accepts {argcount} parameter(s).".format(funcname=on_fitness.__code__.co_name, argcount=on_fitness.__code__.co_argcount)) - else: - self.valid_parameters = False - raise ValueError("The value assigned to the on_fitness parameter is expected to be of type function but ({on_fitness_type}) found.".format(on_fitness_type=type(on_fitness))) - else: - self.on_fitness = None - - # Check if the on_parents exists. - if not (on_parents is None): - # Check if the on_parents is a function. - if callable(on_parents): - # Check if the on_parents function accepts 2 paramaters. - if (on_parents.__code__.co_argcount == 2): - self.on_parents = on_parents - else: - self.valid_parameters = False - raise ValueError("The function assigned to the on_parents parameter must accept 2 parameters representing the instance of the genetic algorithm and the fitness values of all solutions.\nThe passed function named '{funcname}' accepts {argcount} parameter(s).".format(funcname=on_parents.__code__.co_name, argcount=on_parents.__code__.co_argcount)) - else: - self.valid_parameters = False - raise ValueError("The value assigned to the on_parents parameter is expected to be of type function but ({on_parents_type}) found.".format(on_parents_type=type(on_parents))) - else: - self.on_parents = None - - # Check if the on_crossover exists. - if not (on_crossover is None): - # Check if the on_crossover is a function. - if callable(on_crossover): - # Check if the on_crossover function accepts 2 paramaters. - if (on_crossover.__code__.co_argcount == 2): - self.on_crossover = on_crossover - else: - self.valid_parameters = False - raise ValueError("The function assigned to the on_crossover parameter must accept 2 parameters representing the instance of the genetic algorithm and the offspring generated using crossover.\nThe passed function named '{funcname}' accepts {argcount} parameter(s).".format(funcname=on_crossover.__code__.co_name, argcount=on_crossover.__code__.co_argcount)) - else: - self.valid_parameters = False - raise ValueError("The value assigned to the on_crossover parameter is expected to be of type function but ({on_crossover_type}) found.".format(on_crossover_type=type(on_crossover))) - else: - self.on_crossover = None - - # Check if the on_mutation exists. - if not (on_mutation is None): - # Check if the on_mutation is a function. - if callable(on_mutation): - # Check if the on_mutation function accepts 2 paramaters. - if (on_mutation.__code__.co_argcount == 2): - self.on_mutation = on_mutation - else: - self.valid_parameters = False - raise ValueError("The function assigned to the on_mutation parameter must accept 2 parameters representing the instance of the genetic algorithm and the offspring after applying the mutation operation.\nThe passed function named '{funcname}' accepts {argcount} parameter(s).".format(funcname=on_mutation.__code__.co_name, argcount=on_mutation.__code__.co_argcount)) - else: - self.valid_parameters = False - raise ValueError("The value assigned to the on_mutation parameter is expected to be of type function but ({on_mutation_type}) found.".format(on_mutation_type=type(on_mutation))) - else: - self.on_mutation = None - - # Check if the callback_generation exists. - if not (callback_generation is None): - # Check if the callback_generation is a function. - if callable(callback_generation): - # Check if the callback_generation function accepts only a single paramater. - if (callback_generation.__code__.co_argcount == 1): - self.callback_generation = callback_generation - on_generation = callback_generation - if not self.suppress_warnings: warnings.warn("Starting from PyGAD 2.6.0, the callback_generation parameter is deprecated and will be removed in a later release of PyGAD. Please use the on_generation parameter instead.") - else: - self.valid_parameters = False - raise ValueError("The function assigned to the callback_generation parameter must accept only 1 parameter representing the instance of the genetic algorithm.\nThe passed function named '{funcname}' accepts {argcount} parameter(s).".format(funcname=callback_generation.__code__.co_name, argcount=callback_generation.__code__.co_argcount)) - else: - self.valid_parameters = False - raise ValueError("The value assigned to the callback_generation parameter is expected to be of type function but ({callback_generation_type}) found.".format(callback_generation_type=type(callback_generation))) - else: - self.callback_generation = None - - # Check if the on_generation exists. - if not (on_generation is None): - # Check if the on_generation is a function. - if callable(on_generation): - # Check if the on_generation function accepts only a single paramater. - if (on_generation.__code__.co_argcount == 1): - self.on_generation = on_generation - else: - self.valid_parameters = False - raise ValueError("The function assigned to the on_generation parameter must accept only 1 parameter representing the instance of the genetic algorithm.\nThe passed function named '{funcname}' accepts {argcount} parameter(s).".format(funcname=on_generation.__code__.co_name, argcount=on_generation.__code__.co_argcount)) - else: - self.valid_parameters = False - raise ValueError("The value assigned to the on_generation parameter is expected to be of type function but ({on_generation_type}) found.".format(on_generation_type=type(on_generation))) - else: - self.on_generation = None - - # Check if the on_stop exists. - if not (on_stop is None): - # Check if the on_stop is a function. - if callable(on_stop): - # Check if the on_stop function accepts 2 paramaters. - if (on_stop.__code__.co_argcount == 2): - self.on_stop = on_stop - else: - self.valid_parameters = False - raise ValueError("The function assigned to the on_stop parameter must accept 2 parameters representing the instance of the genetic algorithm and a list of the fitness values of the solutions in the last population.\nThe passed function named '{funcname}' accepts {argcount} parameter(s).".format(funcname=on_stop.__code__.co_name, argcount=on_stop.__code__.co_argcount)) - else: - self.valid_parameters = False - raise ValueError("The value assigned to the 'on_stop' parameter is expected to be of type function but ({on_stop_type}) found.".format(on_stop_type=type(on_stop))) - else: - self.on_stop = None - - # Validate delay_after_gen - if type(delay_after_gen) in GA.supported_int_float_types: - if delay_after_gen >= 0.0: - self.delay_after_gen = delay_after_gen - else: - self.valid_parameters = False - raise ValueError("The value passed to the 'delay_after_gen' parameter must be a non-negative number. The value passed is {delay_after_gen} of type {delay_after_gen_type}.".format(delay_after_gen=delay_after_gen, delay_after_gen_type=type(delay_after_gen))) - else: - self.valid_parameters = False - raise ValueError("The value passed to the 'delay_after_gen' parameter must be of type int or float but ({delay_after_gen_type}) found.".format(delay_after_gen_type=type(delay_after_gen))) - - # Validate save_best_solutions - if type(save_best_solutions) is bool: - if save_best_solutions == True: - if not self.suppress_warnings: warnings.warn("Use the 'save_best_solutions' parameter with caution as it may cause memory overflow when either the number of generations or number of genes is large.") - else: - self.valid_parameters = False - raise ValueError("The value passed to the 'save_best_solutions' parameter must be of type bool but ({save_best_solutions_type}) found.".format(save_best_solutions_type=type(save_best_solutions))) - - # Validate save_solutions - if type(save_solutions) is bool: - if save_solutions == True: - if not self.suppress_warnings: warnings.warn("Use the 'save_solutions' parameter with caution as it may cause memory overflow when either the number of generations, number of genes, or number of solutions in population is large.") - else: - self.valid_parameters = False - raise ValueError("The value passed to the 'save_solutions' parameter must be of type bool but ({save_solutions_type}) found.".format(save_solutions_type=type(save_solutions))) - - # Validate allow_duplicate_genes - if not (type(allow_duplicate_genes) is bool): - self.valid_parameters = False - raise TypeError("The expected type of the 'allow_duplicate_genes' parameter is bool but ({allow_duplicate_genes_type}) found.".format(allow_duplicate_genes_type=type(allow_duplicate_genes))) - - self.allow_duplicate_genes = allow_duplicate_genes - - self.stop_criteria = [] - self.supported_stop_words = ["reach", "saturate"] - if stop_criteria is None: - # None: Stop after passing through all generations. - self.stop_criteria = None - elif type(stop_criteria) is str: - # reach_{target_fitness}: Stop if the target fitness value is reached. - # saturate_{num_generations}: Stop if the fitness value does not change (saturates) for the given number of generations. - criterion = stop_criteria.split("_") - if len(criterion) == 2: - stop_word = criterion[0] - number = criterion[1] - - if stop_word in self.supported_stop_words: - pass - else: - self.valid_parameters = False - raise TypeError("In the 'stop_criteria' parameter, the supported stop words are '{supported_stop_words}' but '{stop_word}' found.".format(supported_stop_words=self.supported_stop_words, stop_word=stop_word)) - - if number.replace(".", "").isnumeric(): - number = float(number) - else: - self.valid_parameters = False - raise TypeError("The value following the stop word in the 'stop_criteria' parameter must be a number but the value '{stop_val}' of type {stop_val_type} found.".format(stop_val=number, stop_val_type=type(number))) - - self.stop_criteria.append([stop_word, number]) - - else: - self.valid_parameters = False - raise TypeError("For format of a single criterion in the 'stop_criteria' parameter is 'word_number' but '{stop_criteria}' found.".format(stop_criteria=stop_criteria)) - - elif type(stop_criteria) in [list, tuple, numpy.ndarray]: - # Remove duplicate criterira by converting the list to a set then back to a list. - stop_criteria = list(set(stop_criteria)) - for idx, val in enumerate(stop_criteria): - if type(val) is str: - criterion = val.split("_") - if len(criterion) == 2: - stop_word = criterion[0] - number = criterion[1] - - if stop_word in self.supported_stop_words: - pass - else: - self.valid_parameters = False - raise TypeError("In the 'stop_criteria' parameter, the supported stop words are {supported_stop_words} but '{stop_word}' found.".format(supported_stop_words=self.supported_stop_words, stop_word=stop_word)) - - if number.replace(".", "").isnumeric(): - number = float(number) - else: - self.valid_parameters = False - raise TypeError("The value following the stop word in the 'stop_criteria' parameter must be a number but the value '{stop_val}' of type {stop_val_type} found.".format(stop_val=number, stop_val_type=type(number))) - - self.stop_criteria.append([stop_word, number]) - - else: - self.valid_parameters = False - raise TypeError("For format of a single criterion in the 'stop_criteria' parameter is 'word_number' but {stop_criteria} found.".format(stop_criteria=criterion)) - else: - self.valid_parameters = False - raise TypeError("When the 'stop_criteria' parameter is assigned a tuple/list/numpy.ndarray, then its elements must be strings but the value '{stop_criteria_val}' of type {stop_criteria_val_type} found at index {stop_criteria_val_idx}.".format(stop_criteria_val=val, stop_criteria_val_type=type(val), stop_criteria_val_idx=idx)) - else: - self.valid_parameters = False - raise TypeError("The expected value of the 'stop_criteria' is a single string or a list/tuple/numpy.ndarray of strings but the value {stop_criteria_val} of type {stop_criteria_type} found.".format(stop_criteria_val=stop_criteria, stop_criteria_type=type(stop_criteria))) - - # The number of completed generations. - self.generations_completed = 0 - - # At this point, all necessary parameters validation is done successfully and we are sure that the parameters are valid. - self.valid_parameters = True # Set to True when all the parameters passed in the GA class constructor are valid. - - # Parameters of the genetic algorithm. - self.num_generations = abs(num_generations) - self.parent_selection_type = parent_selection_type - - # Parameters of the mutation operation. - self.mutation_percent_genes = mutation_percent_genes - self.mutation_num_genes = mutation_num_genes - - # Even such this parameter is declared in the class header, it is assigned to the object here to access it after saving the object. - self.best_solutions_fitness = [] # A list holding the fitness value of the best solution for each generation. - - self.best_solution_generation = -1 # The generation number at which the best fitness value is reached. It is only assigned the generation number after the `run()` method completes. Otherwise, its value is -1. - - self.save_best_solutions = save_best_solutions - self.best_solutions = [] # Holds the best solution in each generation. - - self.save_solutions = save_solutions - self.solutions = [] # Holds the solutions in each generation. - self.solutions_fitness = [] # Holds the fitness of the solutions in each generation. - - self.last_generation_fitness = None # A list holding the fitness values of all solutions in the last generation. - self.last_generation_parents = None # A list holding the parents of the last generation. - self.last_generation_offspring_crossover = None # A list holding the offspring after applying crossover in the last generation. - self.last_generation_offspring_mutation = None # A list holding the offspring after applying mutation in the last generation. - - def round_genes(self, solutions): - for gene_idx in range(self.num_genes): - if self.gene_type_single: - if not self.gene_type[1] is None: - solutions[:, gene_idx] = numpy.round(solutions[:, gene_idx], self.gene_type[1]) - else: - if not self.gene_type[gene_idx][1] is None: - solutions[:, gene_idx] = numpy.round(numpy.asarray(solutions[:, gene_idx], - dtype=self.gene_type[gene_idx][0]), - self.gene_type[gene_idx][1]) - return solutions - - def initialize_population(self, low, high, allow_duplicate_genes, mutation_by_replacement, gene_type): - - """ - Creates an initial population randomly as a NumPy array. The array is saved in the instance attribute named 'population'. - - low: The lower value of the random range from which the gene values in the initial population are selected. It defaults to -4. Available in PyGAD 1.0.20 and higher. - high: The upper value of the random range from which the gene values in the initial population are selected. It defaults to -4. Available in PyGAD 1.0.20. - - This method assigns the values of the following 3 instance attributes: - 1. pop_size: Size of the population. - 2. population: Initially, holds the initial population and later updated after each generation. - 3. init_population: Keeping the initial population. - """ - - # Population size = (number of chromosomes, number of genes per chromosome) - self.pop_size = (self.sol_per_pop,self.num_genes) # The population will have sol_per_pop chromosome where each chromosome has num_genes genes. - - if self.gene_space is None: - # Creating the initial population randomly. - if self.gene_type_single == True: - self.population = numpy.asarray(numpy.random.uniform(low=low, - high=high, - size=self.pop_size), - dtype=self.gene_type[0]) # A NumPy array holding the initial population. - else: - # Create an empty population of dtype=object to support storing mixed data types within the same array. - self.population = numpy.zeros(shape=self.pop_size, dtype=object) - # Loop through the genes, randomly generate the values of a single gene across the entire population, and add the values of each gene to the population. - for gene_idx in range(self.num_genes): - # A vector of all values of this single gene across all solutions in the population. - gene_values = numpy.asarray(numpy.random.uniform(low=low, - high=high, - size=self.pop_size[0]), - dtype=self.gene_type[gene_idx][0]) - # Adding the current gene values to the population. - self.population[:, gene_idx] = gene_values - - if allow_duplicate_genes == False: - for solution_idx in range(self.population.shape[0]): - # print("Before", self.population[solution_idx]) - self.population[solution_idx], _, _ = self.solve_duplicate_genes_randomly(solution=self.population[solution_idx], - min_val=low, - max_val=high, - mutation_by_replacement=True, - gene_type=gene_type, - num_trials=10) - # print("After", self.population[solution_idx]) - - elif self.gene_space_nested: - if self.gene_type_single == True: - self.population = numpy.zeros(shape=self.pop_size, dtype=self.gene_type[0]) - for sol_idx in range(self.sol_per_pop): - for gene_idx in range(self.num_genes): - if type(self.gene_space[gene_idx]) in [list, tuple, range]: - # Check if the gene space has None values. If any, then replace it with randomly generated values according to the 3 attributes init_range_low, init_range_high, and gene_type. - if type(self.gene_space[gene_idx]) is range: - temp = self.gene_space[gene_idx] - else: - temp = self.gene_space[gene_idx].copy() - for idx, val in enumerate(self.gene_space[gene_idx]): - if val is None: - self.gene_space[gene_idx][idx] = numpy.asarray(numpy.random.uniform(low=low, - high=high, - size=1), - dtype=self.gene_type[0])[0] - self.population[sol_idx, gene_idx] = random.choice(self.gene_space[gene_idx]) - self.population[sol_idx, gene_idx] = self.gene_type[0](self.population[sol_idx, gene_idx]) - self.gene_space[gene_idx] = temp - elif type(self.gene_space[gene_idx]) is dict: - if 'step' in self.gene_space[gene_idx].keys(): - self.population[sol_idx, gene_idx] = numpy.asarray(numpy.random.choice(numpy.arange(start=self.gene_space[gene_idx]['low'], - stop=self.gene_space[gene_idx]['high'], - step=self.gene_space[gene_idx]['step']), - size=1), - dtype=self.gene_type[0])[0] - else: - self.population[sol_idx, gene_idx] = numpy.asarray(numpy.random.uniform(low=self.gene_space[gene_idx]['low'], - high=self.gene_space[gene_idx]['high'], - size=1), - dtype=self.gene_type[0])[0] - elif type(self.gene_space[gene_idx]) == type(None): - - # The following commented code replace the None value with a single number that will not change again. - # This means the gene value will be the same across all solutions. - # self.gene_space[gene_idx] = numpy.asarray(numpy.random.uniform(low=low, - # high=high, - # size=1), dtype=self.gene_type[0])[0] - # self.population[sol_idx, gene_idx] = self.gene_space[gene_idx].copy() - - # The above problem is solved by keeping the None value in the gene_space parameter. This forces PyGAD to generate this value for each solution. - self.population[sol_idx, gene_idx] = numpy.asarray(numpy.random.uniform(low=low, - high=high, - size=1), - dtype=self.gene_type[0])[0] - elif type(self.gene_space[gene_idx]) in GA.supported_int_float_types: - self.population[sol_idx, gene_idx] = self.gene_space[gene_idx].copy() - else: - self.population = numpy.zeros(shape=self.pop_size, dtype=object) - for sol_idx in range(self.sol_per_pop): - for gene_idx in range(self.num_genes): - if type(self.gene_space[gene_idx]) in [list, tuple, range]: - # Check if the gene space has None values. If any, then replace it with randomly generated values according to the 3 attributes init_range_low, init_range_high, and gene_type. - temp = self.gene_space[gene_idx].copy() - for idx, val in enumerate(self.gene_space[gene_idx]): - if val is None: - self.gene_space[gene_idx][idx] = numpy.asarray(numpy.random.uniform(low=low, - high=high, - size=1), - dtype=self.gene_type[gene_idx][0])[0] - self.population[sol_idx, gene_idx] = random.choice(self.gene_space[gene_idx]) - self.population[sol_idx, gene_idx] = self.gene_type[gene_idx][0](self.population[sol_idx, gene_idx]) - self.gene_space[gene_idx] = temp.copy() - elif type(self.gene_space[gene_idx]) is dict: - if 'step' in self.gene_space[gene_idx].keys(): - self.population[sol_idx, gene_idx] = numpy.asarray(numpy.random.choice(numpy.arange(start=self.gene_space[gene_idx]['low'], - stop=self.gene_space[gene_idx]['high'], - step=self.gene_space[gene_idx]['step']), - size=1), - dtype=self.gene_type[gene_idx][0])[0] - else: - self.population[sol_idx, gene_idx] = numpy.asarray(numpy.random.uniform(low=self.gene_space[gene_idx]['low'], - high=self.gene_space[gene_idx]['high'], - size=1), - dtype=self.gene_type[gene_idx][0])[0] - elif type(self.gene_space[gene_idx]) == type(None): - # self.gene_space[gene_idx] = numpy.asarray(numpy.random.uniform(low=low, - # high=high, - # size=1), - # dtype=self.gene_type[gene_idx][0])[0] - - # self.population[sol_idx, gene_idx] = self.gene_space[gene_idx].copy() - - temp = numpy.asarray(numpy.random.uniform(low=low, - high=high, - size=1), - dtype=self.gene_type[gene_idx][0])[0] - self.population[sol_idx, gene_idx] = temp - elif type(self.gene_space[gene_idx]) in GA.supported_int_float_types: - self.population[sol_idx, gene_idx] = self.gene_space[gene_idx] - else: - if self.gene_type_single == True: - # Replace all the None values with random values using the init_range_low, init_range_high, and gene_type attributes. - for idx, curr_gene_space in enumerate(self.gene_space): - if curr_gene_space is None: - self.gene_space[idx] = numpy.asarray(numpy.random.uniform(low=low, - high=high, - size=1), - dtype=self.gene_type[0])[0] - - # Creating the initial population by randomly selecting the genes' values from the values inside the 'gene_space' parameter. - if type(self.gene_space) is dict: - if 'step' in self.gene_space.keys(): - self.population = numpy.asarray(numpy.random.choice(numpy.arange(start=self.gene_space['low'], - stop=self.gene_space['high'], - step=self.gene_space['step']), - size=self.pop_size), - dtype=self.gene_type[0]) - else: - self.population = numpy.asarray(numpy.random.uniform(low=self.gene_space['low'], - high=self.gene_space['high'], - size=self.pop_size), - dtype=self.gene_type[0]) # A NumPy array holding the initial population. - else: - self.population = numpy.asarray(numpy.random.choice(self.gene_space, - size=self.pop_size), - dtype=self.gene_type[0]) # A NumPy array holding the initial population. - else: - # Replace all the None values with random values using the init_range_low, init_range_high, and gene_type attributes. - for gene_idx, curr_gene_space in enumerate(self.gene_space): - if curr_gene_space is None: - self.gene_space[gene_idx] = numpy.asarray(numpy.random.uniform(low=low, - high=high, - size=1), - dtype=self.gene_type[gene_idx][0])[0] - - # Creating the initial population by randomly selecting the genes' values from the values inside the 'gene_space' parameter. - if type(self.gene_space) is dict: - # Create an empty population of dtype=object to support storing mixed data types within the same array. - self.population = numpy.zeros(shape=self.pop_size, dtype=object) - # Loop through the genes, randomly generate the values of a single gene across the entire population, and add the values of each gene to the population. - for gene_idx in range(self.num_genes): - # A vector of all values of this single gene across all solutions in the population. - if 'step' in self.gene_space[gene_idx].keys(): - gene_values = numpy.asarray(numpy.random.choice(numpy.arange(start=self.gene_space[gene_idx]['low'], - stop=self.gene_space[gene_idx]['high'], - step=self.gene_space[gene_idx]['step']), - size=self.pop_size[0]), - dtype=self.gene_type[gene_idx][0]) - else: - gene_values = numpy.asarray(numpy.random.uniform(low=self.gene_space['low'], - high=self.gene_space['high'], - size=self.pop_size[0]), - dtype=self.gene_type[gene_idx][0]) - # Adding the current gene values to the population. - self.population[:, gene_idx] = gene_values - - else: - # Create an empty population of dtype=object to support storing mixed data types within the same array. - self.population = numpy.zeros(shape=self.pop_size, dtype=object) - # Loop through the genes, randomly generate the values of a single gene across the entire population, and add the values of each gene to the population. - for gene_idx in range(self.num_genes): - # A vector of all values of this single gene across all solutions in the population. - gene_values = numpy.asarray(numpy.random.choice(self.gene_space, - size=self.pop_size[0]), - dtype=self.gene_type[gene_idx][0]) - # Adding the current gene values to the population. - self.population[:, gene_idx] = gene_values - - if not (self.gene_space is None): - if allow_duplicate_genes == False: - for sol_idx in range(self.population.shape[0]): - self.population[sol_idx], _, _ = self.solve_duplicate_genes_by_space(solution=self.population[sol_idx], - gene_type=self.gene_type, - num_trials=10, - build_initial_pop=True) - - # Keeping the initial population in the initial_population attribute. - self.initial_population = self.population.copy() - - def cal_pop_fitness(self): - - """ - Calculating the fitness values of all solutions in the current population. - It returns: - -fitness: An array of the calculated fitness values. - """ - - if self.valid_parameters == False: - raise ValueError("ERROR calling the cal_pop_fitness() method: \nPlease check the parameters passed while creating an instance of the GA class.\n") - - pop_fitness = [] - # Calculating the fitness value of each solution in the current population. - for sol_idx, sol in enumerate(self.population): - fitness = self.fitness_func(sol, sol_idx) - pop_fitness.append(fitness) - - pop_fitness = numpy.array(pop_fitness) - - return pop_fitness - - def run(self): - - """ - Runs the genetic algorithm. This is the main method in which the genetic algorithm is evolved through a number of generations. - """ - - if self.valid_parameters == False: - raise ValueError("ERROR calling the run() method: \nThe run() method cannot be executed with invalid parameters. Please check the parameters passed while creating an instance of the GA class.\n") - - if not (self.on_start is None): - self.on_start(self) - - stop_run = False - - # Measuring the fitness of each chromosome in the population. Save the fitness in the last_generation_fitness attribute. - self.last_generation_fitness = self.cal_pop_fitness() - - best_solution, best_solution_fitness, best_match_idx = self.best_solution(pop_fitness=self.last_generation_fitness) - - # Appending the best solution in the initial population to the best_solutions list. - if self.save_best_solutions: - self.best_solutions.append(best_solution) - - # Appending the solutions in the initial population to the solutions list. - if self.save_solutions: - self.solutions.extend(self.population.copy()) - - for generation in range(self.num_generations): - if not (self.on_fitness is None): - self.on_fitness(self, self.last_generation_fitness) - - # Appending the fitness value of the best solution in the current generation to the best_solutions_fitness attribute. - self.best_solutions_fitness.append(best_solution_fitness) - - if self.save_solutions: - self.solutions_fitness.extend(self.last_generation_fitness) - - # Selecting the best parents in the population for mating. - if callable(self.parent_selection_type): - self.last_generation_parents, self.last_generation_parents_indices = self.select_parents(self.last_generation_fitness, self.num_parents_mating, self) - else: - self.last_generation_parents, self.last_generation_parents_indices = self.select_parents(self.last_generation_fitness, num_parents=self.num_parents_mating) - if not (self.on_parents is None): - self.on_parents(self, self.last_generation_parents) - - # If self.crossover_type=None, then no crossover is applied and thus no offspring will be created in the next generations. The next generation will use the solutions in the current population. - if self.crossover_type is None: - if self.num_offspring <= self.keep_parents: - self.last_generation_offspring_crossover = self.last_generation_parents[0:self.num_offspring] - else: - self.last_generation_offspring_crossover = numpy.concatenate((self.last_generation_parents, self.population[0:(self.num_offspring - self.last_generation_parents.shape[0])])) - else: - # Generating offspring using crossover. - if callable(self.crossover_type): - self.last_generation_offspring_crossover = self.crossover(self.last_generation_parents, - (self.num_offspring, self.num_genes), - self) - else: - self.last_generation_offspring_crossover = self.crossover(self.last_generation_parents, - offspring_size=(self.num_offspring, self.num_genes)) - if not (self.on_crossover is None): - self.on_crossover(self, self.last_generation_offspring_crossover) - - # If self.mutation_type=None, then no mutation is applied and thus no changes are applied to the offspring created using the crossover operation. The offspring will be used unchanged in the next generation. - if self.mutation_type is None: - self.last_generation_offspring_mutation = self.last_generation_offspring_crossover - else: - # Adding some variations to the offspring using mutation. - if callable(self.mutation_type): - self.last_generation_offspring_mutation = self.mutation(self.last_generation_offspring_crossover, self) - else: - self.last_generation_offspring_mutation = self.mutation(self.last_generation_offspring_crossover) - if not (self.on_mutation is None): - self.on_mutation(self, self.last_generation_offspring_mutation) - - if (self.keep_parents == 0): - self.population = self.last_generation_offspring_mutation - elif (self.keep_parents == -1): - # Creating the new population based on the parents and offspring. - self.population[0:self.last_generation_parents.shape[0], :] = self.last_generation_parents - self.population[self.last_generation_parents.shape[0]:, :] = self.last_generation_offspring_mutation - elif (self.keep_parents > 0): - parents_to_keep, _ = self.steady_state_selection(self.last_generation_fitness, num_parents=self.keep_parents) - self.population[0:parents_to_keep.shape[0], :] = parents_to_keep - self.population[parents_to_keep.shape[0]:, :] = self.last_generation_offspring_mutation - - self.generations_completed = generation + 1 # The generations_completed attribute holds the number of the last completed generation. - - # Measuring the fitness of each chromosome in the population. Save the fitness in the last_generation_fitness attribute. - self.last_generation_fitness = self.cal_pop_fitness() - - best_solution, best_solution_fitness, best_match_idx = self.best_solution(pop_fitness=self.last_generation_fitness) - - # Appending the best solution in the current generation to the best_solutions list. - if self.save_best_solutions: - self.best_solutions.append(best_solution) - - # Appending the solutions in the current generation to the solutions list. - if self.save_solutions: - self.solutions.extend(self.population.copy()) - - # If the callback_generation attribute is not None, then cal the callback function after the generation. - if not (self.on_generation is None): - r = self.on_generation(self) - if type(r) is str and r.lower() == "stop": - # Before aborting the loop, save the fitness value of the best solution. - _, best_solution_fitness, _ = self.best_solution() - self.best_solutions_fitness.append(best_solution_fitness) - break - - if not self.stop_criteria is None: - for criterion in self.stop_criteria: - if criterion[0] == "reach": - if max(self.last_generation_fitness) >= criterion[1]: - stop_run = True - break - elif criterion[0] == "saturate": - criterion[1] = int(criterion[1]) - if (self.generations_completed >= criterion[1]): - if (self.best_solutions_fitness[self.generations_completed - criterion[1]] - self.best_solutions_fitness[self.generations_completed - 1]) == 0: - stop_run = True - break - - if stop_run: - break - - time.sleep(self.delay_after_gen) - - # Save the fitness value of the best solution. - _, best_solution_fitness, _ = self.best_solution(pop_fitness=self.last_generation_fitness) - self.best_solutions_fitness.append(best_solution_fitness) - - self.best_solution_generation = numpy.where(numpy.array(self.best_solutions_fitness) == numpy.max(numpy.array(self.best_solutions_fitness)))[0][0] - # After the run() method completes, the run_completed flag is changed from False to True. - self.run_completed = True # Set to True only after the run() method completes gracefully. - - if not (self.on_stop is None): - self.on_stop(self, self.last_generation_fitness) - - # Converting the 'best_solutions' list into a NumPy array. - self.best_solutions = numpy.array(self.best_solutions) - - # Converting the 'solutions' list into a NumPy array. - self.solutions = numpy.array(self.solutions) - - def steady_state_selection(self, fitness, num_parents): - - """ - Selects the parents using the steady-state selection technique. Later, these parents will mate to produce the offspring. - It accepts 2 parameters: - -fitness: The fitness values of the solutions in the current population. - -num_parents: The number of parents to be selected. - It returns an array of the selected parents. - """ - - fitness_sorted = sorted(range(len(fitness)), key=lambda k: fitness[k]) - fitness_sorted.reverse() - # Selecting the best individuals in the current generation as parents for producing the offspring of the next generation. - if self.gene_type_single == True: - parents = numpy.empty((num_parents, self.population.shape[1]), dtype=self.gene_type[0]) - else: - parents = numpy.empty((num_parents, self.population.shape[1]), dtype=object) - for parent_num in range(num_parents): - parents[parent_num, :] = self.population[fitness_sorted[parent_num], :].copy() - - return parents, fitness_sorted[:num_parents] - - def rank_selection(self, fitness, num_parents): - - """ - Selects the parents using the rank selection technique. Later, these parents will mate to produce the offspring. - It accepts 2 parameters: - -fitness: The fitness values of the solutions in the current population. - -num_parents: The number of parents to be selected. - It returns an array of the selected parents. - """ - - fitness_sorted = sorted(range(len(fitness)), key=lambda k: fitness[k]) - fitness_sorted.reverse() - # Selecting the best individuals in the current generation as parents for producing the offspring of the next generation. - if self.gene_type_single == True: - parents = numpy.empty((num_parents, self.population.shape[1]), dtype=self.gene_type[0]) - else: - parents = numpy.empty((num_parents, self.population.shape[1]), dtype=object) - for parent_num in range(num_parents): - parents[parent_num, :] = self.population[fitness_sorted[parent_num], :].copy() - - return parents, fitness_sorted[:num_parents] - - def random_selection(self, fitness, num_parents): - - """ - Selects the parents randomly. Later, these parents will mate to produce the offspring. - It accepts 2 parameters: - -fitness: The fitness values of the solutions in the current population. - -num_parents: The number of parents to be selected. - It returns an array of the selected parents. - """ - - if self.gene_type_single == True: - parents = numpy.empty((num_parents, self.population.shape[1]), dtype=self.gene_type[0]) - else: - parents = numpy.empty((num_parents, self.population.shape[1]), dtype=object) - - rand_indices = numpy.random.randint(low=0.0, high=fitness.shape[0], size=num_parents) - - for parent_num in range(num_parents): - parents[parent_num, :] = self.population[rand_indices[parent_num], :].copy() - - return parents, rand_indices - - def tournament_selection(self, fitness, num_parents): - - """ - Selects the parents using the tournament selection technique. Later, these parents will mate to produce the offspring. - It accepts 2 parameters: - -fitness: The fitness values of the solutions in the current population. - -num_parents: The number of parents to be selected. - It returns an array of the selected parents. - """ - - if self.gene_type_single == True: - parents = numpy.empty((num_parents, self.population.shape[1]), dtype=self.gene_type[0]) - else: - parents = numpy.empty((num_parents, self.population.shape[1]), dtype=object) - - parents_indices = [] - - for parent_num in range(num_parents): - rand_indices = numpy.random.randint(low=0.0, high=len(fitness), size=self.K_tournament) - K_fitnesses = fitness[rand_indices] - selected_parent_idx = numpy.where(K_fitnesses == numpy.max(K_fitnesses))[0][0] - parents_indices.append(selected_parent_idx) - parents[parent_num, :] = self.population[rand_indices[selected_parent_idx], :].copy() - - return parents, parents_indices - - def roulette_wheel_selection(self, fitness, num_parents): - - """ - Selects the parents using the roulette wheel selection technique. Later, these parents will mate to produce the offspring. - It accepts 2 parameters: - -fitness: The fitness values of the solutions in the current population. - -num_parents: The number of parents to be selected. - It returns an array of the selected parents. - """ - - fitness_sum = numpy.sum(fitness) - probs = fitness / fitness_sum - probs_start = numpy.zeros(probs.shape, dtype=numpy.float) # An array holding the start values of the ranges of probabilities. - probs_end = numpy.zeros(probs.shape, dtype=numpy.float) # An array holding the end values of the ranges of probabilities. - - curr = 0.0 - - # Calculating the probabilities of the solutions to form a roulette wheel. - for _ in range(probs.shape[0]): - min_probs_idx = numpy.where(probs == numpy.min(probs))[0][0] - probs_start[min_probs_idx] = curr - curr = curr + probs[min_probs_idx] - probs_end[min_probs_idx] = curr - probs[min_probs_idx] = 99999999999 - - # Selecting the best individuals in the current generation as parents for producing the offspring of the next generation. - if self.gene_type_single == True: - parents = numpy.empty((num_parents, self.population.shape[1]), dtype=self.gene_type[0]) - else: - parents = numpy.empty((num_parents, self.population.shape[1]), dtype=object) - - parents_indices = [] - - for parent_num in range(num_parents): - rand_prob = numpy.random.rand() - for idx in range(probs.shape[0]): - if (rand_prob >= probs_start[idx] and rand_prob < probs_end[idx]): - parents[parent_num, :] = self.population[idx, :].copy() - parents_indices.append(idx) - break - return parents, parents_indices - - def stochastic_universal_selection(self, fitness, num_parents): - - """ - Selects the parents using the stochastic universal selection technique. Later, these parents will mate to produce the offspring. - It accepts 2 parameters: - -fitness: The fitness values of the solutions in the current population. - -num_parents: The number of parents to be selected. - It returns an array of the selected parents. - """ - - fitness_sum = numpy.sum(fitness) - probs = fitness / fitness_sum - probs_start = numpy.zeros(probs.shape, dtype=numpy.float) # An array holding the start values of the ranges of probabilities. - probs_end = numpy.zeros(probs.shape, dtype=numpy.float) # An array holding the end values of the ranges of probabilities. - - curr = 0.0 - - # Calculating the probabilities of the solutions to form a roulette wheel. - for _ in range(probs.shape[0]): - min_probs_idx = numpy.where(probs == numpy.min(probs))[0][0] - probs_start[min_probs_idx] = curr - curr = curr + probs[min_probs_idx] - probs_end[min_probs_idx] = curr - probs[min_probs_idx] = 99999999999 - - pointers_distance = 1.0 / self.num_parents_mating # Distance between different pointers. - first_pointer = numpy.random.uniform(low=0.0, high=pointers_distance, size=1) # Location of the first pointer. - - # Selecting the best individuals in the current generation as parents for producing the offspring of the next generation. - if self.gene_type_single == True: - parents = numpy.empty((num_parents, self.population.shape[1]), dtype=self.gene_type[0]) - else: - parents = numpy.empty((num_parents, self.population.shape[1]), dtype=object) - - parents_indices = [] - - for parent_num in range(num_parents): - rand_pointer = first_pointer + parent_num*pointers_distance - for idx in range(probs.shape[0]): - if (rand_pointer >= probs_start[idx] and rand_pointer < probs_end[idx]): - parents[parent_num, :] = self.population[idx, :].copy() - parents_indices.append(idx) - break - return parents, parents_indices - - def single_point_crossover(self, parents, offspring_size): - - """ - Applies the single-point crossover. It selects a point randomly at which crossover takes place between the pairs of parents. - It accepts 2 parameters: - -parents: The parents to mate for producing the offspring. - -offspring_size: The size of the offspring to produce. - It returns an array the produced offspring. - """ - - if self.gene_type_single == True: - offspring = numpy.empty(offspring_size, dtype=self.gene_type[0]) - else: - offspring = numpy.empty(offspring_size, dtype=object) - - for k in range(offspring_size[0]): - # The point at which crossover takes place between two parents. Usually, it is at the center. - crossover_point = numpy.random.randint(low=0, high=parents.shape[1], size=1)[0] - - if not (self.crossover_probability is None): - probs = numpy.random.random(size=parents.shape[0]) - indices = numpy.where(probs <= self.crossover_probability)[0] - - # If no parent satisfied the probability, no crossover is applied and a parent is selected. - if len(indices) == 0: - offspring[k, :] = parents[k % parents.shape[0], :] - continue - elif len(indices) == 1: - parent1_idx = indices[0] - parent2_idx = parent1_idx - else: - indices = random.sample(set(indices), 2) - parent1_idx = indices[0] - parent2_idx = indices[1] - else: - # Index of the first parent to mate. - parent1_idx = k % parents.shape[0] - # Index of the second parent to mate. - parent2_idx = (k+1) % parents.shape[0] - - # The new offspring has its first half of its genes from the first parent. - offspring[k, 0:crossover_point] = parents[parent1_idx, 0:crossover_point] - # The new offspring has its second half of its genes from the second parent. - offspring[k, crossover_point:] = parents[parent2_idx, crossover_point:] - return offspring - - def two_points_crossover(self, parents, offspring_size): - - """ - Applies the 2 points crossover. It selects the 2 points randomly at which crossover takes place between the pairs of parents. - It accepts 2 parameters: - -parents: The parents to mate for producing the offspring. - -offspring_size: The size of the offspring to produce. - It returns an array the produced offspring. - """ - - if self.gene_type_single == True: - offspring = numpy.empty(offspring_size, dtype=self.gene_type[0]) - else: - offspring = numpy.empty(offspring_size, dtype=object) - - for k in range(offspring_size[0]): - if (parents.shape[1] == 1): # If the chromosome has only a single gene. In this case, this gene is copied from the second parent. - crossover_point1 = 0 - else: - crossover_point1 = numpy.random.randint(low=0, high=numpy.ceil(parents.shape[1]/2 + 1), size=1)[0] - - crossover_point2 = crossover_point1 + int(parents.shape[1]/2) # The second point must always be greater than the first point. - - if not (self.crossover_probability is None): - probs = numpy.random.random(size=parents.shape[0]) - indices = numpy.where(probs <= self.crossover_probability)[0] - - # If no parent satisfied the probability, no crossover is applied and a parent is selected. - if len(indices) == 0: - offspring[k, :] = parents[k % parents.shape[0], :] - continue - elif len(indices) == 1: - parent1_idx = indices[0] - parent2_idx = parent1_idx - else: - indices = random.sample(set(indices), 2) - parent1_idx = indices[0] - parent2_idx = indices[1] - else: - # Index of the first parent to mate. - parent1_idx = k % parents.shape[0] - # Index of the second parent to mate. - parent2_idx = (k+1) % parents.shape[0] - - # The genes from the beginning of the chromosome up to the first point are copied from the first parent. - offspring[k, 0:crossover_point1] = parents[parent1_idx, 0:crossover_point1] - # The genes from the second point up to the end of the chromosome are copied from the first parent. - offspring[k, crossover_point2:] = parents[parent1_idx, crossover_point2:] - # The genes between the 2 points are copied from the second parent. - offspring[k, crossover_point1:crossover_point2] = parents[parent2_idx, crossover_point1:crossover_point2] - return offspring - - def uniform_crossover(self, parents, offspring_size): - - """ - Applies the uniform crossover. For each gene, a parent out of the 2 mating parents is selected randomly and the gene is copied from it. - It accepts 2 parameters: - -parents: The parents to mate for producing the offspring. - -offspring_size: The size of the offspring to produce. - It returns an array the produced offspring. - """ - - if self.gene_type_single == True: - offspring = numpy.empty(offspring_size, dtype=self.gene_type[0]) - else: - offspring = numpy.empty(offspring_size, dtype=object) - - for k in range(offspring_size[0]): - if not (self.crossover_probability is None): - probs = numpy.random.random(size=parents.shape[0]) - indices = numpy.where(probs <= self.crossover_probability)[0] - - # If no parent satisfied the probability, no crossover is applied and a parent is selected. - if len(indices) == 0: - offspring[k, :] = parents[k % parents.shape[0], :] - continue - elif len(indices) == 1: - parent1_idx = indices[0] - parent2_idx = parent1_idx - else: - indices = random.sample(set(indices), 2) - parent1_idx = indices[0] - parent2_idx = indices[1] - else: - # Index of the first parent to mate. - parent1_idx = k % parents.shape[0] - # Index of the second parent to mate. - parent2_idx = (k+1) % parents.shape[0] - - genes_source = numpy.random.randint(low=0, high=2, size=offspring_size[1]) - for gene_idx in range(offspring_size[1]): - if (genes_source[gene_idx] == 0): - # The gene will be copied from the first parent if the current gene index is 0. - offspring[k, gene_idx] = parents[parent1_idx, gene_idx] - elif (genes_source[gene_idx] == 1): - # The gene will be copied from the second parent if the current gene index is 1. - offspring[k, gene_idx] = parents[parent2_idx, gene_idx] - return offspring - - def scattered_crossover(self, parents, offspring_size): - - """ - Applies the scattered crossover. It randomly selects the gene from one of the 2 parents. - It accepts 2 parameters: - -parents: The parents to mate for producing the offspring. - -offspring_size: The size of the offspring to produce. - It returns an array the produced offspring. - """ - - if self.gene_type_single == True: - offspring = numpy.empty(offspring_size, dtype=self.gene_type[0]) - else: - offspring = numpy.empty(offspring_size, dtype=object) - - for k in range(offspring_size[0]): - if not (self.crossover_probability is None): - probs = numpy.random.random(size=parents.shape[0]) - indices = numpy.where(probs <= self.crossover_probability)[0] - - # If no parent satisfied the probability, no crossover is applied and a parent is selected. - if len(indices) == 0: - offspring[k, :] = parents[k % parents.shape[0], :] - continue - elif len(indices) == 1: - parent1_idx = indices[0] - parent2_idx = parent1_idx - else: - indices = random.sample(set(indices), 2) - parent1_idx = indices[0] - parent2_idx = indices[1] - else: - # Index of the first parent to mate. - parent1_idx = k % parents.shape[0] - # Index of the second parent to mate. - parent2_idx = (k+1) % parents.shape[0] - - # A 0/1 vector where 0 means the gene is taken from the first parent and 1 means the gene is taken from the second parent. - gene_sources = numpy.random.randint(0, 2, size=self.num_genes) - offspring[k, :] = numpy.where(gene_sources == 0, parents[parent1_idx, :], parents[parent2_idx, :]) - - return offspring - - def random_mutation(self, offspring): - - """ - Applies the random mutation which changes the values of a number of genes randomly. - The random value is selected either using the 'gene_space' parameter or the 2 parameters 'random_mutation_min_val' and 'random_mutation_max_val'. - It accepts a single parameter: - -offspring: The offspring to mutate. - It returns an array of the mutated offspring. - """ - - # If the mutation values are selected from the mutation space, the attribute 'gene_space' is not None. Otherwise, it is None. - # When the 'mutation_probability' parameter exists (i.e. not None), then it is used in the mutation. Otherwise, the 'mutation_num_genes' parameter is used. - - if self.mutation_probability is None: - # When the 'mutation_probability' parameter does not exist (i.e. None), then the parameter 'mutation_num_genes' is used in the mutation. - if not (self.gene_space is None): - # When the attribute 'gene_space' exists (i.e. not None), the mutation values are selected randomly from the space of values of each gene. - offspring = self.mutation_by_space(offspring) - else: - offspring = self.mutation_randomly(offspring) - else: - # When the 'mutation_probability' parameter exists (i.e. not None), then it is used in the mutation. - if not (self.gene_space is None): - # When the attribute 'gene_space' does not exist (i.e. None), the mutation values are selected randomly based on the continuous range specified by the 2 attributes 'random_mutation_min_val' and 'random_mutation_max_val'. - offspring = self.mutation_probs_by_space(offspring) - else: - offspring = self.mutation_probs_randomly(offspring) - - return offspring - - def mutation_by_space(self, offspring): - - """ - Applies the random mutation using the mutation values' space. - It accepts a single parameter: - -offspring: The offspring to mutate. - It returns an array of the mutated offspring using the mutation space. - """ - - # For each offspring, a value from the gene space is selected randomly and assigned to the selected mutated gene. - for offspring_idx in range(offspring.shape[0]): - mutation_indices = numpy.array(random.sample(range(0, self.num_genes), self.mutation_num_genes)) - for gene_idx in mutation_indices: - - if self.gene_space_nested: - # Returning the current gene space from the 'gene_space' attribute. - if type(self.gene_space[gene_idx]) in [numpy.ndarray, list]: - curr_gene_space = self.gene_space[gene_idx].copy() - else: - curr_gene_space = self.gene_space[gene_idx] - - # If the gene space has only a single value, use it as the new gene value. - if type(curr_gene_space) in GA.supported_int_float_types: - value_from_space = curr_gene_space - # If the gene space is None, apply mutation by adding a random value between the range defined by the 2 parameters 'random_mutation_min_val' and 'random_mutation_max_val'. - elif curr_gene_space is None: - rand_val = numpy.random.uniform(low=self.random_mutation_min_val, - high=self.random_mutation_max_val, - size=1) - if self.mutation_by_replacement: - value_from_space = rand_val - else: - value_from_space = offspring[offspring_idx, gene_idx] + rand_val - elif type(curr_gene_space) is dict: - # The gene's space of type dict specifies the lower and upper limits of a gene. - if 'step' in curr_gene_space.keys(): - value_from_space = numpy.random.choice(numpy.arange(start=curr_gene_space['low'], - stop=curr_gene_space['high'], - step=curr_gene_space['step']), - size=1) - else: - value_from_space = numpy.random.uniform(low=curr_gene_space['low'], - high=curr_gene_space['high'], - size=1) - else: - # Selecting a value randomly based on the current gene's space in the 'gene_space' attribute. - # If the gene space has only 1 value, then select it. The old and new values of the gene are identical. - if len(curr_gene_space) == 1: - value_from_space = curr_gene_space[0] - # If the gene space has more than 1 value, then select a new one that is different from the current value. - else: - values_to_select_from = list(set(curr_gene_space) - set([offspring[offspring_idx, gene_idx]])) - if len(values_to_select_from) == 0: - value_from_space = offspring[offspring_idx, gene_idx] - else: - value_from_space = random.choice(values_to_select_from) - else: - # Selecting a value randomly from the global gene space in the 'gene_space' attribute. - if type(self.gene_space) is dict: - # When the gene_space is assigned a dict object, then it specifies the lower and upper limits of all genes in the space. - if 'step' in self.gene_space.keys(): - value_from_space = numpy.random.choice(numpy.arange(start=self.gene_space['low'], - stop=self.gene_space['high'], - step=self.gene_space['step']), - size=1) - else: - value_from_space = numpy.random.uniform(low=self.gene_space['low'], - high=self.gene_space['high'], - size=1) - else: - # If the space type is not of type dict, then a value is randomly selected from the gene_space attribute. - values_to_select_from = list(set(self.gene_space) - set([offspring[offspring_idx, gene_idx]])) - if len(values_to_select_from) == 0: - value_from_space = offspring[offspring_idx, gene_idx] - else: - value_from_space = random.choice(values_to_select_from) - # value_from_space = random.choice(self.gene_space) - - if value_from_space is None: - value_from_space = numpy.random.uniform(low=self.random_mutation_min_val, - high=self.random_mutation_max_val, - size=1) - - # Assinging the selected value from the space to the gene. - if self.gene_type_single == True: - if not self.gene_type[1] is None: - offspring[offspring_idx, gene_idx] = numpy.round(self.gene_type[0](value_from_space), - self.gene_type[1]) - else: - offspring[offspring_idx, gene_idx] = self.gene_type[0](value_from_space) - else: - if not self.gene_type[gene_idx][1] is None: - offspring[offspring_idx, gene_idx] = numpy.round(self.gene_type[gene_idx][0](value_from_space), - self.gene_type[gene_idx][1]) - else: - offspring[offspring_idx, gene_idx] = self.gene_type[gene_idx][0](value_from_space) - - if self.allow_duplicate_genes == False: - offspring[offspring_idx], _, _ = self.solve_duplicate_genes_by_space(solution=offspring[offspring_idx], - gene_type=self.gene_type, - num_trials=10) - return offspring - - def mutation_probs_by_space(self, offspring): - - """ - Applies the random mutation using the mutation values' space and the mutation probability. For each gene, if its probability is <= that mutation probability, then it will be mutated based on the mutation space. - It accepts a single parameter: - -offspring: The offspring to mutate. - It returns an array of the mutated offspring using the mutation space. - """ - - # For each offspring, a value from the gene space is selected randomly and assigned to the selected mutated gene. - for offspring_idx in range(offspring.shape[0]): - probs = numpy.random.random(size=offspring.shape[1]) - for gene_idx in range(offspring.shape[1]): - if probs[gene_idx] <= self.mutation_probability: - if self.gene_space_nested: - # Returning the current gene space from the 'gene_space' attribute. - if type(self.gene_space[gene_idx]) in [numpy.ndarray, list]: - curr_gene_space = self.gene_space[gene_idx].copy() - else: - curr_gene_space = self.gene_space[gene_idx] - - # If the gene space has only a single value, use it as the new gene value. - if type(curr_gene_space) in GA.supported_int_float_types: - value_from_space = curr_gene_space - # If the gene space is None, apply mutation by adding a random value between the range defined by the 2 parameters 'random_mutation_min_val' and 'random_mutation_max_val'. - elif curr_gene_space is None: - rand_val = numpy.random.uniform(low=self.random_mutation_min_val, - high=self.random_mutation_max_val, - size=1) - if self.mutation_by_replacement: - value_from_space = rand_val - else: - value_from_space = offspring[offspring_idx, gene_idx] + rand_val - elif type(curr_gene_space) is dict: - # Selecting a value randomly from the current gene's space in the 'gene_space' attribute. - if 'step' in curr_gene_space.keys(): - value_from_space = numpy.random.choice(numpy.arange(start=curr_gene_space['low'], - stop=curr_gene_space['high'], - step=curr_gene_space['step']), - size=1) - else: - value_from_space = numpy.random.uniform(low=curr_gene_space['low'], - high=curr_gene_space['high'], - size=1) - else: - # Selecting a value randomly from the current gene's space in the 'gene_space' attribute. - # If the gene space has only 1 value, then select it. The old and new values of the gene are identical. - if len(curr_gene_space) == 1: - value_from_space = curr_gene_space[0] - # If the gene space has more than 1 value, then select a new one that is different from the current value. - else: - values_to_select_from = list(set(curr_gene_space) - set([offspring[offspring_idx, gene_idx]])) - if len(values_to_select_from) == 0: - value_from_space = offspring[offspring_idx, gene_idx] - else: - value_from_space = random.choice(values_to_select_from) - else: - # Selecting a value randomly from the global gene space in the 'gene_space' attribute. - if type(self.gene_space) is dict: - if 'step' in self.gene_space.keys(): - value_from_space = numpy.random.choice(numpy.arange(start=self.gene_space['low'], - stop=self.gene_space['high'], - step=self.gene_space['step']), - size=1) - else: - value_from_space = numpy.random.uniform(low=self.gene_space['low'], - high=self.gene_space['high'], - size=1) - else: - values_to_select_from = list(set(self.gene_space) - set([offspring[offspring_idx, gene_idx]])) - if len(values_to_select_from) == 0: - value_from_space = offspring[offspring_idx, gene_idx] - else: - value_from_space = random.choice(values_to_select_from) - - # Assigning the selected value from the space to the gene. - if self.gene_type_single == True: - if not self.gene_type[1] is None: - offspring[offspring_idx, gene_idx] = numpy.round(self.gene_type[0](value_from_space), - self.gene_type[1]) - else: - offspring[offspring_idx, gene_idx] = self.gene_type[0](value_from_space) - else: - if not self.gene_type[gene_idx][1] is None: - offspring[offspring_idx, gene_idx] = numpy.round(self.gene_type[gene_idx][0](value_from_space), - self.gene_type[gene_idx][1]) - else: - offspring[offspring_idx, gene_idx] = self.gene_type[gene_idx][0](value_from_space) - - if self.allow_duplicate_genes == False: - offspring[offspring_idx], _, _ = self.solve_duplicate_genes_by_space(solution=offspring[offspring_idx], - gene_type=self.gene_type, - num_trials=10) - return offspring - - def mutation_randomly(self, offspring): - - """ - Applies the random mutation the mutation probability. For each gene, if its probability is <= that mutation probability, then it will be mutated randomly. - It accepts a single parameter: - -offspring: The offspring to mutate. - It returns an array of the mutated offspring. - """ - - # Random mutation changes one or more genes in each offspring randomly. - for offspring_idx in range(offspring.shape[0]): - mutation_indices = numpy.array(random.sample(range(0, self.num_genes), self.mutation_num_genes)) - for gene_idx in mutation_indices: - # Generating a random value. - random_value = numpy.random.uniform(low=self.random_mutation_min_val, - high=self.random_mutation_max_val, - size=1) - # If the mutation_by_replacement attribute is True, then the random value replaces the current gene value. - if self.mutation_by_replacement: - if self.gene_type_single == True: - random_value = self.gene_type[0](random_value) - else: - random_value = self.gene_type[gene_idx][0](random_value) - if type(random_value) is numpy.ndarray: - random_value = random_value[0] - # If the mutation_by_replacement attribute is False, then the random value is added to the gene value. - else: - if self.gene_type_single == True: - random_value = self.gene_type[0](offspring[offspring_idx, gene_idx] + random_value) - else: - random_value = self.gene_type[gene_idx][0](offspring[offspring_idx, gene_idx] + random_value) - if type(random_value) is numpy.ndarray: - random_value = random_value[0] - - # Round the gene - if self.gene_type_single == True: - if not self.gene_type[1] is None: - random_value = numpy.round(random_value, self.gene_type[1]) - else: - if not self.gene_type[gene_idx][1] is None: - random_value = numpy.round(random_value, self.gene_type[gene_idx][1]) - - offspring[offspring_idx, gene_idx] = random_value - - if self.allow_duplicate_genes == False: - offspring[offspring_idx], _, _ = self.solve_duplicate_genes_randomly(solution=offspring[offspring_idx], - min_val=self.random_mutation_min_val, - max_val=self.random_mutation_max_val, - mutation_by_replacement=self.mutation_by_replacement, - gene_type=self.gene_type, - num_trials=10) - - return offspring - - def mutation_probs_randomly(self, offspring): - - """ - Applies the random mutation using the mutation probability. For each gene, if its probability is <= that mutation probability, then it will be mutated randomly. - It accepts a single parameter: - -offspring: The offspring to mutate. - It returns an array of the mutated offspring. - """ - - # Random mutation changes one or more gene in each offspring randomly. - for offspring_idx in range(offspring.shape[0]): - probs = numpy.random.random(size=offspring.shape[1]) - for gene_idx in range(offspring.shape[1]): - if probs[gene_idx] <= self.mutation_probability: - # Generating a random value. - random_value = numpy.random.uniform(low=self.random_mutation_min_val, - high=self.random_mutation_max_val, - size=1) - # If the mutation_by_replacement attribute is True, then the random value replaces the current gene value. - if self.mutation_by_replacement: - if self.gene_type_single == True: - random_value = self.gene_type[0](random_value) - else: - random_value = self.gene_type[gene_idx][0](random_value) - if type(random_value) is numpy.ndarray: - random_value = random_value[0] - # If the mutation_by_replacement attribute is False, then the random value is added to the gene value. - else: - if self.gene_type_single == True: - random_value = self.gene_type[0](offspring[offspring_idx, gene_idx] + random_value) - else: - random_value = self.gene_type[gene_idx][0](offspring[offspring_idx, gene_idx] + random_value) - if type(random_value) is numpy.ndarray: - random_value = random_value[0] - - # Round the gene - if self.gene_type_single == True: - if not self.gene_type[1] is None: - random_value = numpy.round(random_value, self.gene_type[1]) - else: - if not self.gene_type[gene_idx][1] is None: - random_value = numpy.round(random_value, self.gene_type[gene_idx][1]) - - offspring[offspring_idx, gene_idx] = random_value - - if self.allow_duplicate_genes == False: - offspring[offspring_idx], _, _ = self.solve_duplicate_genes_randomly(solution=offspring[offspring_idx], - min_val=self.random_mutation_min_val, - max_val=self.random_mutation_max_val, - mutation_by_replacement=self.mutation_by_replacement, - gene_type=self.gene_type, - num_trials=10) - return offspring - - def swap_mutation(self, offspring): - - """ - Applies the swap mutation which interchanges the values of 2 randomly selected genes. - It accepts a single parameter: - -offspring: The offspring to mutate. - It returns an array of the mutated offspring. - """ - - for idx in range(offspring.shape[0]): - mutation_gene1 = numpy.random.randint(low=0, high=offspring.shape[1]/2, size=1)[0] - mutation_gene2 = mutation_gene1 + int(offspring.shape[1]/2) - - temp = offspring[idx, mutation_gene1] - offspring[idx, mutation_gene1] = offspring[idx, mutation_gene2] - offspring[idx, mutation_gene2] = temp - return offspring - - def inversion_mutation(self, offspring): - - """ - Applies the inversion mutation which selects a subset of genes and inverts them (in order). - It accepts a single parameter: - -offspring: The offspring to mutate. - It returns an array of the mutated offspring. - """ - - for idx in range(offspring.shape[0]): - mutation_gene1 = numpy.random.randint(low=0, high=numpy.ceil(offspring.shape[1]/2 + 1), size=1)[0] - mutation_gene2 = mutation_gene1 + int(offspring.shape[1]/2) - - genes_to_scramble = numpy.flip(offspring[idx, mutation_gene1:mutation_gene2]) - offspring[idx, mutation_gene1:mutation_gene2] = genes_to_scramble - return offspring - - def scramble_mutation(self, offspring): - - """ - Applies the scramble mutation which selects a subset of genes and shuffles their order randomly. - It accepts a single parameter: - -offspring: The offspring to mutate. - It returns an array of the mutated offspring. - """ - - for idx in range(offspring.shape[0]): - mutation_gene1 = numpy.random.randint(low=0, high=numpy.ceil(offspring.shape[1]/2 + 1), size=1)[0] - mutation_gene2 = mutation_gene1 + int(offspring.shape[1]/2) - genes_range = numpy.arange(start=mutation_gene1, stop=mutation_gene2) - numpy.random.shuffle(genes_range) - - genes_to_scramble = numpy.flip(offspring[idx, genes_range]) - offspring[idx, genes_range] = genes_to_scramble - return offspring - - def adaptive_mutation_population_fitness(self, offspring): - - """ - A helper method to calculate the average fitness of the solutions before applying the adaptive mutation. - It accepts a single parameter: - -offspring: The offspring to mutate. - It returns the average fitness to be used in adaptive mutation. - """ - - fitness = self.last_generation_fitness.copy() - temp_population = numpy.zeros_like(self.population) - temp_population[0:self.last_generation_parents.shape[0], :] = self.last_generation_parents.copy() - temp_population[self.last_generation_parents.shape[0]:, :] = offspring - - fitness[:self.last_generation_parents.shape[0]] = self.last_generation_fitness[self.last_generation_parents_indices] - - for idx in range(self.last_generation_parents.shape[0], fitness.shape[0]): - fitness[idx] = self.fitness_func(temp_population[idx], None) - average_fitness = numpy.mean(fitness) - - return average_fitness, fitness[self.last_generation_parents.shape[0]:] - - def adaptive_mutation(self, offspring): - - """ - Applies the adaptive mutation which changes the values of a number of genes randomly. In adaptive mutation, the number of genes to mutate differs based on the fitness value of the solution. - The random value is selected either using the 'gene_space' parameter or the 2 parameters 'random_mutation_min_val' and 'random_mutation_max_val'. - It accepts a single parameter: - -offspring: The offspring to mutate. - It returns an array of the mutated offspring. - """ - - # If the attribute 'gene_space' exists (i.e. not None), then the mutation values are selected from the 'gene_space' parameter according to the space of values of each gene. Otherwise, it is selected randomly based on the 2 parameters 'random_mutation_min_val' and 'random_mutation_max_val'. - # When the 'mutation_probability' parameter exists (i.e. not None), then it is used in the mutation. Otherwise, the 'mutation_num_genes' parameter is used. - - if self.mutation_probability is None: - # When the 'mutation_probability' parameter does not exist (i.e. None), then the parameter 'mutation_num_genes' is used in the mutation. - if not (self.gene_space is None): - # When the attribute 'gene_space' exists (i.e. not None), the mutation values are selected randomly from the space of values of each gene. - offspring = self.adaptive_mutation_by_space(offspring) - else: - # When the attribute 'gene_space' does not exist (i.e. None), the mutation values are selected randomly based on the continuous range specified by the 2 attributes 'random_mutation_min_val' and 'random_mutation_max_val'. - offspring = self.adaptive_mutation_randomly(offspring) - else: - # When the 'mutation_probability' parameter exists (i.e. not None), then it is used in the mutation. - if not (self.gene_space is None): - # When the attribute 'gene_space' exists (i.e. not None), the mutation values are selected randomly from the space of values of each gene. - offspring = self.adaptive_mutation_probs_by_space(offspring) - else: - # When the attribute 'gene_space' does not exist (i.e. None), the mutation values are selected randomly based on the continuous range specified by the 2 attributes 'random_mutation_min_val' and 'random_mutation_max_val'. - offspring = self.adaptive_mutation_probs_randomly(offspring) - - return offspring - - def adaptive_mutation_by_space(self, offspring): - - """ - Applies the adaptive mutation based on the 2 parameters 'mutation_num_genes' and 'gene_space'. - A number of genes equal are selected randomly for mutation. This number depends on the fitness of the solution. - The random values are selected from the 'gene_space' parameter. - It accepts a single parameter: - -offspring: The offspring to mutate. - It returns an array of the mutated offspring. - """ - - # For each offspring, a value from the gene space is selected randomly and assigned to the selected gene for mutation. - - average_fitness, offspring_fitness = self.adaptive_mutation_population_fitness(offspring) - - # Adaptive mutation changes one or more genes in each offspring randomly. - # The number of genes to mutate depends on the solution's fitness value. - for offspring_idx in range(offspring.shape[0]): - if offspring_fitness[offspring_idx] < average_fitness: - adaptive_mutation_num_genes = self.mutation_num_genes[0] - else: - adaptive_mutation_num_genes = self.mutation_num_genes[1] - mutation_indices = numpy.array(random.sample(range(0, self.num_genes), adaptive_mutation_num_genes)) - for gene_idx in mutation_indices: - - if self.gene_space_nested: - # Returning the current gene space from the 'gene_space' attribute. - if type(self.gene_space[gene_idx]) in [numpy.ndarray, list]: - curr_gene_space = self.gene_space[gene_idx].copy() - else: - curr_gene_space = self.gene_space[gene_idx] - - # If the gene space has only a single value, use it as the new gene value. - if type(curr_gene_space) in GA.supported_int_float_types: - value_from_space = curr_gene_space - # If the gene space is None, apply mutation by adding a random value between the range defined by the 2 parameters 'random_mutation_min_val' and 'random_mutation_max_val'. - elif curr_gene_space is None: - rand_val = numpy.random.uniform(low=self.random_mutation_min_val, - high=self.random_mutation_max_val, - size=1) - if self.mutation_by_replacement: - value_from_space = rand_val - else: - value_from_space = offspring[offspring_idx, gene_idx] + rand_val - elif type(curr_gene_space) is dict: - # Selecting a value randomly from the current gene's space in the 'gene_space' attribute. - if 'step' in curr_gene_space.keys(): - value_from_space = numpy.random.choice(numpy.arange(start=curr_gene_space['low'], - stop=curr_gene_space['high'], - step=curr_gene_space['step']), - size=1) - else: - value_from_space = numpy.random.uniform(low=curr_gene_space['low'], - high=curr_gene_space['high'], - size=1) - else: - # Selecting a value randomly from the current gene's space in the 'gene_space' attribute. - # If the gene space has only 1 value, then select it. The old and new values of the gene are identical. - if len(curr_gene_space) == 1: - value_from_space = curr_gene_space[0] - # If the gene space has more than 1 value, then select a new one that is different from the current value. - else: - values_to_select_from = list(set(curr_gene_space) - set([offspring[offspring_idx, gene_idx]])) - if len(values_to_select_from) == 0: - value_from_space = offspring[offspring_idx, gene_idx] - else: - value_from_space = random.choice(values_to_select_from) - else: - # Selecting a value randomly from the global gene space in the 'gene_space' attribute. - if type(self.gene_space) is dict: - if 'step' in self.gene_space.keys(): - value_from_space = numpy.random.choice(numpy.arange(start=self.gene_space['low'], - stop=self.gene_space['high'], - step=self.gene_space['step']), - size=1) - else: - value_from_space = numpy.random.uniform(low=self.gene_space['low'], - high=self.gene_space['high'], - size=1) - else: - values_to_select_from = list(set(self.gene_space) - set([offspring[offspring_idx, gene_idx]])) - if len(values_to_select_from) == 0: - value_from_space = offspring[offspring_idx, gene_idx] - else: - value_from_space = random.choice(values_to_select_from) - - - if value_from_space is None: - value_from_space = numpy.random.uniform(low=self.random_mutation_min_val, - high=self.random_mutation_max_val, - size=1) - - # Assinging the selected value from the space to the gene. - if self.gene_type_single == True: - if not self.gene_type[1] is None: - offspring[offspring_idx, gene_idx] = numpy.round(self.gene_type[0](value_from_space), - self.gene_type[1]) - else: - offspring[offspring_idx, gene_idx] = self.gene_type[0](value_from_space) - else: - if not self.gene_type[gene_idx][1] is None: - offspring[offspring_idx, gene_idx] = numpy.round(self.gene_type[gene_idx][0](value_from_space), - self.gene_type[gene_idx][1]) - else: - offspring[offspring_idx, gene_idx] = self.gene_type[gene_idx][0](value_from_space) - - if self.allow_duplicate_genes == False: - offspring[offspring_idx], _, _ = self.solve_duplicate_genes_by_space(solution=offspring[offspring_idx], - gene_type=self.gene_type, - num_trials=10) - return offspring - - def adaptive_mutation_randomly(self, offspring): - - """ - Applies the adaptive mutation based on the 'mutation_num_genes' parameter. - A number of genes equal are selected randomly for mutation. This number depends on the fitness of the solution. - The random values are selected based on the 2 parameters 'random_mutation_min_val' and 'random_mutation_max_val'. - It accepts a single parameter: - -offspring: The offspring to mutate. - It returns an array of the mutated offspring. - """ - - average_fitness, offspring_fitness = self.adaptive_mutation_population_fitness(offspring) - - # Adaptive random mutation changes one or more genes in each offspring randomly. - # The number of genes to mutate depends on the solution's fitness value. - for offspring_idx in range(offspring.shape[0]): - if offspring_fitness[offspring_idx] < average_fitness: - adaptive_mutation_num_genes = self.mutation_num_genes[0] - else: - adaptive_mutation_num_genes = self.mutation_num_genes[1] - mutation_indices = numpy.array(random.sample(range(0, self.num_genes), adaptive_mutation_num_genes)) - for gene_idx in mutation_indices: - # Generating a random value. - random_value = numpy.random.uniform(low=self.random_mutation_min_val, - high=self.random_mutation_max_val, - size=1) - # If the mutation_by_replacement attribute is True, then the random value replaces the current gene value. - if self.mutation_by_replacement: - if self.gene_type_single == True: - random_value = self.gene_type[0](random_value) - else: - random_value = self.gene_type[gene_idx][0](random_value) - if type(random_value) is numpy.ndarray: - random_value = random_value[0] - # If the mutation_by_replacement attribute is False, then the random value is added to the gene value. - else: - if self.gene_type_single == True: - random_value = self.gene_type[0](offspring[offspring_idx, gene_idx] + random_value) - else: - random_value = self.gene_type[gene_idx][0](offspring[offspring_idx, gene_idx] + random_value) - if type(random_value) is numpy.ndarray: - random_value = random_value[0] - - if self.gene_type_single == True: - if not self.gene_type[1] is None: - random_value = numpy.round(random_value, self.gene_type[1]) - else: - if not self.gene_type[gene_idx][1] is None: - random_value = numpy.round(random_value, self.gene_type[gene_idx][1]) - - offspring[offspring_idx, gene_idx] = random_value - - if self.allow_duplicate_genes == False: - offspring[offspring_idx], _, _ = self.solve_duplicate_genes_randomly(solution=offspring[offspring_idx], - min_val=self.random_mutation_min_val, - max_val=self.random_mutation_max_val, - mutation_by_replacement=self.mutation_by_replacement, - gene_type=self.gene_type, - num_trials=10) - return offspring - - def adaptive_mutation_probs_by_space(self, offspring): - - """ - Applies the adaptive mutation based on the 2 parameters 'mutation_probability' and 'gene_space'. - Based on whether the solution fitness is above or below a threshold, the mutation is applied diffrently by mutating high or low number of genes. - The random values are selected based on space of values for each gene. - It accepts a single parameter: - -offspring: The offspring to mutate. - It returns an array of the mutated offspring. - """ - - # For each offspring, a value from the gene space is selected randomly and assigned to the selected gene for mutation. - - average_fitness, offspring_fitness = self.adaptive_mutation_population_fitness(offspring) - - # Adaptive random mutation changes one or more genes in each offspring randomly. - # The probability of mutating a gene depends on the solution's fitness value. - for offspring_idx in range(offspring.shape[0]): - if offspring_fitness[offspring_idx] < average_fitness: - adaptive_mutation_probability = self.mutation_probability[0] - else: - adaptive_mutation_probability = self.mutation_probability[1] - - probs = numpy.random.random(size=offspring.shape[1]) - for gene_idx in range(offspring.shape[1]): - if probs[gene_idx] <= adaptive_mutation_probability: - if self.gene_space_nested: - # Returning the current gene space from the 'gene_space' attribute. - if type(self.gene_space[gene_idx]) in [numpy.ndarray, list]: - curr_gene_space = self.gene_space[gene_idx].copy() - else: - curr_gene_space = self.gene_space[gene_idx] - - # If the gene space has only a single value, use it as the new gene value. - if type(curr_gene_space) in GA.supported_int_float_types: - value_from_space = curr_gene_space - # If the gene space is None, apply mutation by adding a random value between the range defined by the 2 parameters 'random_mutation_min_val' and 'random_mutation_max_val'. - elif curr_gene_space is None: - rand_val = numpy.random.uniform(low=self.random_mutation_min_val, - high=self.random_mutation_max_val, - size=1) - if self.mutation_by_replacement: - value_from_space = rand_val - else: - value_from_space = offspring[offspring_idx, gene_idx] + rand_val - elif type(curr_gene_space) is dict: - # Selecting a value randomly from the current gene's space in the 'gene_space' attribute. - if 'step' in curr_gene_space.keys(): - value_from_space = numpy.random.choice(numpy.arange(start=curr_gene_space['low'], - stop=curr_gene_space['high'], - step=curr_gene_space['step']), - size=1) - else: - value_from_space = numpy.random.uniform(low=curr_gene_space['low'], - high=curr_gene_space['high'], - size=1) - else: - # Selecting a value randomly from the current gene's space in the 'gene_space' attribute. - # If the gene space has only 1 value, then select it. The old and new values of the gene are identical. - if len(curr_gene_space) == 1: - value_from_space = curr_gene_space[0] - # If the gene space has more than 1 value, then select a new one that is different from the current value. - else: - values_to_select_from = list(set(curr_gene_space) - set([offspring[offspring_idx, gene_idx]])) - if len(values_to_select_from) == 0: - value_from_space = offspring[offspring_idx, gene_idx] - else: - value_from_space = random.choice(values_to_select_from) - else: - # Selecting a value randomly from the global gene space in the 'gene_space' attribute. - if type(self.gene_space) is dict: - if 'step' in self.gene_space.keys(): - value_from_space = numpy.random.choice(numpy.arange(start=self.gene_space['low'], - stop=self.gene_space['high'], - step=self.gene_space['step']), - size=1) - else: - value_from_space = numpy.random.uniform(low=self.gene_space['low'], - high=self.gene_space['high'], - size=1) - else: - values_to_select_from = list(set(self.gene_space) - set([offspring[offspring_idx, gene_idx]])) - if len(values_to_select_from) == 0: - value_from_space = offspring[offspring_idx, gene_idx] - else: - value_from_space = random.choice(values_to_select_from) - - if value_from_space is None: - value_from_space = numpy.random.uniform(low=self.random_mutation_min_val, - high=self.random_mutation_max_val, - size=1) - - # Assinging the selected value from the space to the gene. - if self.gene_type_single == True: - if not self.gene_type[1] is None: - offspring[offspring_idx, gene_idx] = numpy.round(self.gene_type[0](value_from_space), - self.gene_type[1]) - else: - offspring[offspring_idx, gene_idx] = self.gene_type[0](value_from_space) - else: - if not self.gene_type[gene_idx][1] is None: - offspring[offspring_idx, gene_idx] = numpy.round(self.gene_type[gene_idx][0](value_from_space), - self.gene_type[gene_idx][1]) - else: - offspring[offspring_idx, gene_idx] = self.gene_type[gene_idx][0](value_from_space) - - if self.allow_duplicate_genes == False: - offspring[offspring_idx], _, _ = self.solve_duplicate_genes_by_space(solution=offspring[offspring_idx], - gene_type=self.gene_type, - num_trials=10) - return offspring - - def adaptive_mutation_probs_randomly(self, offspring): - - """ - Applies the adaptive mutation based on the 'mutation_probability' parameter. - Based on whether the solution fitness is above or below a threshold, the mutation is applied diffrently by mutating high or low number of genes. - The random values are selected based on the 2 parameters 'random_mutation_min_val' and 'random_mutation_max_val'. - It accepts a single parameter: - -offspring: The offspring to mutate. - It returns an array of the mutated offspring. - """ - - average_fitness, offspring_fitness = self.adaptive_mutation_population_fitness(offspring) - - # Adaptive random mutation changes one or more genes in each offspring randomly. - # The probability of mutating a gene depends on the solution's fitness value. - for offspring_idx in range(offspring.shape[0]): - if offspring_fitness[offspring_idx] < average_fitness: - adaptive_mutation_probability = self.mutation_probability[0] - else: - adaptive_mutation_probability = self.mutation_probability[1] - - probs = numpy.random.random(size=offspring.shape[1]) - for gene_idx in range(offspring.shape[1]): - if probs[gene_idx] <= adaptive_mutation_probability: - # Generating a random value. - random_value = numpy.random.uniform(low=self.random_mutation_min_val, - high=self.random_mutation_max_val, - size=1) - # If the mutation_by_replacement attribute is True, then the random value replaces the current gene value. - if self.mutation_by_replacement: - if self.gene_type_single == True: - random_value = self.gene_type[0](random_value) - else: - random_value = self.gene_type[gene_idx][0](random_value) - if type(random_value) is numpy.ndarray: - random_value = random_value[0] - # If the mutation_by_replacement attribute is False, then the random value is added to the gene value. - else: - if self.gene_type_single == True: - random_value = self.gene_type[0](offspring[offspring_idx, gene_idx] + random_value) - else: - random_value = self.gene_type[gene_idx][0](offspring[offspring_idx, gene_idx] + random_value) - if type(random_value) is numpy.ndarray: - random_value = random_value[0] - - if self.gene_type_single == True: - if not self.gene_type[1] is None: - random_value = numpy.round(random_value, self.gene_type[1]) - else: - if not self.gene_type[gene_idx][1] is None: - random_value = numpy.round(random_value, self.gene_type[gene_idx][1]) - - offspring[offspring_idx, gene_idx] = random_value - - if self.allow_duplicate_genes == False: - offspring[offspring_idx], _, _ = self.solve_duplicate_genes_randomly(solution=offspring[offspring_idx], - min_val=self.random_mutation_min_val, - max_val=self.random_mutation_max_val, - mutation_by_replacement=self.mutation_by_replacement, - gene_type=self.gene_type, - num_trials=10) - return offspring - - def solve_duplicate_genes_randomly(self, solution, min_val, max_val, mutation_by_replacement, gene_type, num_trials=10): - - """ - Solves the duplicates in a solution by randomly selecting new values for the duplicating genes. - - solution: A solution with duplicate values. - min_val: Minimum value of the range to sample a number randomly. - max_val: Maximum value of the range to sample a number randomly. - mutation_by_replacement: Identical to the self.mutation_by_replacement attribute. - gene_type: Exactly the same as the self.gene_type attribute. - num_trials: Maximum number of trials to change the gene value to solve the duplicates. - - Returns: - new_solution: Solution after trying to solve its duplicates. If no duplicates solved, then it is identical to the passed solution parameter. - not_unique_indices: Indices of the genes with duplicate values. - num_unsolved_duplicates: Number of unsolved duplicates. - """ - - new_solution = solution.copy() - - _, unique_gene_indices = numpy.unique(solution, return_index=True) - not_unique_indices = set(range(len(solution))) - set(unique_gene_indices) - - num_unsolved_duplicates = 0 - if len(not_unique_indices) > 0: - for duplicate_index in not_unique_indices: - for trial_index in range(num_trials): - if self.gene_type_single == True: - if gene_type[0] in GA.supported_int_types: - temp_val = self.unique_int_gene_from_range(solution=new_solution, - gene_index=duplicate_index, - min_val=min_val, - max_val=max_val, - mutation_by_replacement=mutation_by_replacement, - gene_type=gene_type) - else: - temp_val = numpy.random.uniform(low=min_val, - high=max_val, - size=1) - if mutation_by_replacement: - pass - else: - temp_val = new_solution[duplicate_index] + temp_val - else: - if gene_type[duplicate_index] in GA.supported_int_types: - temp_val = self.unique_int_gene_from_range(solution=new_solution, - gene_index=duplicate_index, - min_val=min_val, - max_val=max_val, - mutation_by_replacement=mutation_by_replacement, - gene_type=gene_type) - else: - temp_val = numpy.random.uniform(low=min_val, - high=max_val, - size=1) - if mutation_by_replacement: - pass - else: - temp_val = new_solution[duplicate_index] + temp_val - - if self.gene_type_single == True: - if not gene_type[1] is None: - temp_val = numpy.round(gene_type[0](temp_val), - gene_type[1]) - else: - temp_val = gene_type[0](temp_val) - else: - if not gene_type[duplicate_index][1] is None: - temp_val = numpy.round(gene_type[duplicate_index][0](temp_val), - gene_type[duplicate_index][1]) - else: - temp_val = gene_type[duplicate_index][0](temp_val) - - if temp_val in new_solution and trial_index == (num_trials - 1): - num_unsolved_duplicates = num_unsolved_duplicates + 1 - if not self.suppress_warnings: warnings.warn("Failed to find a unique value for gene with index {gene_idx}. Consider adding more values in the gene space or use a wider range for initial population or random mutation.".format(gene_idx=duplicate_index)) - elif temp_val in new_solution: - continue - else: - new_solution[duplicate_index] = temp_val - break - - # Update the list of duplicate indices after each iteration. - _, unique_gene_indices = numpy.unique(new_solution, return_index=True) - not_unique_indices = set(range(len(solution))) - set(unique_gene_indices) - # print("not_unique_indices INSIDE", not_unique_indices) - - return new_solution, not_unique_indices, num_unsolved_duplicates - - def solve_duplicate_genes_by_space(self, solution, gene_type, num_trials=10, build_initial_pop=False): - - """ - Solves the duplicates in a solution by selecting values for the duplicating genes from the gene space. - - solution: A solution with duplicate values. - gene_type: Exactly the same as the self.gene_type attribute. - num_trials: Maximum number of trials to change the gene value to solve the duplicates. - - Returns: - new_solution: Solution after trying to solve its duplicates. If no duplicates solved, then it is identical to the passed solution parameter. - not_unique_indices: Indices of the genes with duplicate values. - num_unsolved_duplicates: Number of unsolved duplicates. - """ - - new_solution = solution.copy() - - _, unique_gene_indices = numpy.unique(solution, return_index=True) - not_unique_indices = set(range(len(solution))) - set(unique_gene_indices) - # print("not_unique_indices OUTSIDE", not_unique_indices) - - # First try to solve the duplicates. - # For a solution like [3 2 0 0], the indices of the 2 duplicating genes are 2 and 3. - # The next call to the find_unique_value() method tries to change the value of the gene with index 3 to solve the duplicate. - if len(not_unique_indices) > 0: - new_solution, not_unique_indices, num_unsolved_duplicates = self.unique_genes_by_space(new_solution=new_solution, - gene_type=gene_type, - not_unique_indices=not_unique_indices, - num_trials=10, - build_initial_pop=build_initial_pop) - else: - return new_solution, not_unique_indices, len(not_unique_indices) - - # Do another try if there exist duplicate genes. - # If there are no possible values for the gene 3 with index 3 to solve the duplicate, try to change the value of the other gene with index 2. - if len(not_unique_indices) > 0: - not_unique_indices = set(numpy.where(new_solution == new_solution[list(not_unique_indices)[0]])[0]) - set([list(not_unique_indices)[0]]) - new_solution, not_unique_indices, num_unsolved_duplicates = self.unique_genes_by_space(new_solution=new_solution, - gene_type=gene_type, - not_unique_indices=not_unique_indices, - num_trials=10, - build_initial_pop=build_initial_pop) - else: - # If there exist duplicate genes, then changing either of the 2 duplicating genes (with indices 2 and 3) will not solve the problem. - # This problem can be solved by randomly changing one of the non-duplicating genes that may make a room for a unique value in one the 2 duplicating genes. - # For example, if gene_space=[[3, 0, 1], [4, 1, 2], [0, 2], [3, 2, 0]] and the solution is [3 2 0 0], then the values of the last 2 genes duplicate. - # There are no possible changes in the last 2 genes to solve the problem. But it could be solved by changing the second gene from 2 to 4. - # As a result, any of the last 2 genes can take the value 2 and solve the duplicates. - return new_solution, not_unique_indices, len(not_unique_indices) - - return new_solution, not_unique_indices, num_unsolved_duplicates - - def solve_duplicate_genes_by_space_OLD(self, solution, gene_type, num_trials=10): - # ///////////////////////// - # Just for testing purposes. - # ///////////////////////// - - new_solution = solution.copy() - - _, unique_gene_indices = numpy.unique(solution, return_index=True) - not_unique_indices = set(range(len(solution))) - set(unique_gene_indices) - # print("not_unique_indices OUTSIDE", not_unique_indices) - - num_unsolved_duplicates = 0 - if len(not_unique_indices) > 0: - for duplicate_index in not_unique_indices: - for trial_index in range(num_trials): - temp_val = self.unique_gene_by_space(solution=solution, - gene_idx=duplicate_index, - gene_type=gene_type) - - if temp_val in new_solution and trial_index == (num_trials - 1): - # print("temp_val, duplicate_index", temp_val, duplicate_index, new_solution) - num_unsolved_duplicates = num_unsolved_duplicates + 1 - if not self.suppress_warnings: warnings.warn("Failed to find a unique value for gene with index {gene_idx}".format(gene_idx=duplicate_index)) - elif temp_val in new_solution: - continue - else: - new_solution[duplicate_index] = temp_val - # print("SOLVED", duplicate_index) - break - - # Update the list of duplicate indices after each iteration. - _, unique_gene_indices = numpy.unique(new_solution, return_index=True) - not_unique_indices = set(range(len(solution))) - set(unique_gene_indices) - # print("not_unique_indices INSIDE", not_unique_indices) - - return new_solution, not_unique_indices, num_unsolved_duplicates - - def unique_int_gene_from_range(self, solution, gene_index, min_val, max_val, mutation_by_replacement, gene_type, step=None): - - """ - Finds a unique integer value for the gene. - - solution: A solution with duplicate values. - gene_index: Index of the gene to find a unique value. - min_val: Minimum value of the range to sample a number randomly. - max_val: Maximum value of the range to sample a number randomly. - mutation_by_replacement: Identical to the self.mutation_by_replacement attribute. - gene_type: Exactly the same as the self.gene_type attribute. - - Returns: - selected_value: The new value of the gene. It may be identical to the original gene value in case there are no possible unique values for the gene. - """ - - if self.gene_type_single == True: - if step is None: - all_gene_values = numpy.arange(min_val, max_val, dtype=gene_type[0]) - else: - # For non-integer steps, the numpy.arange() function returns zeros id the dtype parameter is set to an integer data type. So, this returns zeros if step is non-integer and dtype is set to an int data type: numpy.arange(min_val, max_val, step, dtype=gene_type[0]) - # To solve this issue, the data type casting will not be handled inside numpy.arange(). The range is generated by numpy.arange() and then the data type is converted using the numpy.asarray() function. - all_gene_values = numpy.asarray(numpy.arange(min_val, max_val, step), dtype=gene_type[0]) - else: - if step is None: - all_gene_values = numpy.arange(min_val, max_val, dtype=gene_type[gene_index][0]) - else: - all_gene_values = numpy.asarray(numpy.arange(min_val, max_val, step), dtype=gene_type[gene_index][0]) - - if mutation_by_replacement: - pass - else: - all_gene_values = all_gene_values + solution[gene_index] - - if self.gene_type_single == True: - if not gene_type[1] is None: - all_gene_values = numpy.round(gene_type[0](all_gene_values), - gene_type[1]) - else: - if type(all_gene_values) is numpy.ndarray: - all_gene_values = numpy.asarray(all_gene_values, dtype=gene_type[0]) - else: - all_gene_values = gene_type[0](all_gene_values) - else: - if not gene_type[gene_index][1] is None: - all_gene_values = numpy.round(gene_type[gene_index][0](all_gene_values), - gene_type[gene_index][1]) - else: - all_gene_values = gene_type[gene_index][0](all_gene_values) - - values_to_select_from = list(set(all_gene_values) - set(solution)) - - if len(values_to_select_from) == 0: - if not self.suppress_warnings: warnings.warn("You set 'allow_duplicate_genes=False' but there is no enough values to prevent duplicates.") - selected_value = solution[gene_index] - else: - selected_value = random.choice(values_to_select_from) - - #if self.gene_type_single == True: - # selected_value = gene_type[0](selected_value) - #else: - # selected_value = gene_type[gene_index][0](selected_value) - - return selected_value - - def unique_genes_by_space(self, new_solution, gene_type, not_unique_indices, num_trials=10, build_initial_pop=False): - - """ - Loops through all the duplicating genes to find unique values that from their gene spaces to solve the duplicates. - For each duplicating gene, a call to the unique_gene_by_space() is made. - - new_solution: A solution with duplicate values. - gene_type: Exactly the same as the self.gene_type attribute. - not_unique_indices: Indices with duplicating values. - num_trials: Maximum number of trials to change the gene value to solve the duplicates. - - Returns: - new_solution: Solution after trying to solve all of its duplicates. If no duplicates solved, then it is identical to the passed solution parameter. - not_unique_indices: Indices of the genes with duplicate values. - num_unsolved_duplicates: Number of unsolved duplicates. - """ - - num_unsolved_duplicates = 0 - for duplicate_index in not_unique_indices: - for trial_index in range(num_trials): - temp_val = self.unique_gene_by_space(solution=new_solution, - gene_idx=duplicate_index, - gene_type=gene_type, - build_initial_pop=build_initial_pop) - - if temp_val in new_solution and trial_index == (num_trials - 1): - # print("temp_val, duplicate_index", temp_val, duplicate_index, new_solution) - num_unsolved_duplicates = num_unsolved_duplicates + 1 - if not self.suppress_warnings: warnings.warn("Failed to find a unique value for gene with index {gene_idx}. Consider adding more values in the gene space or use a wider range for initial population or random mutation.".format(gene_idx=duplicate_index)) - elif temp_val in new_solution: - continue - else: - new_solution[duplicate_index] = temp_val - # print("SOLVED", duplicate_index) - break - - # Update the list of duplicate indices after each iteration. - _, unique_gene_indices = numpy.unique(new_solution, return_index=True) - not_unique_indices = set(range(len(new_solution))) - set(unique_gene_indices) - # print("not_unique_indices INSIDE", not_unique_indices) - - return new_solution, not_unique_indices, num_unsolved_duplicates - - def unique_gene_by_space(self, solution, gene_idx, gene_type, build_initial_pop=False): - - """ - Returns a unique gene value for a single gene based on its value space to solve the duplicates. - - solution: A solution with duplicate values. - gene_idx: The index of the gene that duplicates its value with another gene. - gene_type: Exactly the same as the self.gene_type attribute. - - Returns: - A unique value, if exists, for the gene. - """ - - if self.gene_space_nested: - # Returning the current gene space from the 'gene_space' attribute. - if type(self.gene_space[gene_idx]) in [numpy.ndarray, list]: - curr_gene_space = self.gene_space[gene_idx].copy() - else: - curr_gene_space = self.gene_space[gene_idx] - - # If the gene space has only a single value, use it as the new gene value. - if type(curr_gene_space) in GA.supported_int_float_types: - value_from_space = curr_gene_space - # If the gene space is None, apply mutation by adding a random value between the range defined by the 2 parameters 'random_mutation_min_val' and 'random_mutation_max_val'. - elif curr_gene_space is None: - if self.gene_type_single == True: - if gene_type[0] in GA.supported_int_types: - if build_initial_pop == True: - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=self.random_mutation_min_val, - max_val=self.random_mutation_max_val, - mutation_by_replacement=True, - gene_type=gene_type) - else: - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=self.random_mutation_min_val, - max_val=self.random_mutation_max_val, - mutation_by_replacement=True, #self.mutation_by_replacement, - gene_type=gene_type) - else: - value_from_space = numpy.random.uniform(low=self.random_mutation_min_val, - high=self.random_mutation_max_val, - size=1) - if self.mutation_by_replacement: - pass - else: - value_from_space = solution[gene_idx] + value_from_space - else: - if gene_type[gene_idx] in GA.supported_int_types: - if build_initial_pop == True: - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=self.random_mutation_min_val, - max_val=self.random_mutation_max_val, - mutation_by_replacement=True, - gene_type=gene_type) - else: - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=self.random_mutation_min_val, - max_val=self.random_mutation_max_val, - mutation_by_replacement=True, #self.mutation_by_replacement, - gene_type=gene_type) - else: - value_from_space = numpy.random.uniform(low=self.random_mutation_min_val, - high=self.random_mutation_max_val, - size=1) - if self.mutation_by_replacement: - pass - else: - value_from_space = solution[gene_idx] + value_from_space - - elif type(curr_gene_space) is dict: - if self.gene_type_single == True: - if gene_type[0] in GA.supported_int_types: - if build_initial_pop == True: - if 'step' in curr_gene_space.keys(): - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=curr_gene_space['low'], - max_val=curr_gene_space['high'], - step=curr_gene_space['step'], - mutation_by_replacement=True, - gene_type=gene_type) - else: - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=curr_gene_space['low'], - max_val=curr_gene_space['high'], - step=None, - mutation_by_replacement=True, - gene_type=gene_type) - else: - if 'step' in curr_gene_space.keys(): - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=curr_gene_space['low'], - max_val=curr_gene_space['high'], - step=curr_gene_space['step'], - mutation_by_replacement=True, - gene_type=gene_type) - else: - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=curr_gene_space['low'], - max_val=curr_gene_space['high'], - step=None, - mutation_by_replacement=True, - gene_type=gene_type) - else: - if 'step' in curr_gene_space.keys(): - value_from_space = numpy.random.choice(numpy.arange(start=curr_gene_space['low'], - stop=curr_gene_space['high'], - step=curr_gene_space['step']), - size=1) - else: - value_from_space = numpy.random.uniform(low=curr_gene_space['low'], - high=curr_gene_space['high'], - size=1) - if self.mutation_by_replacement: - pass - else: - value_from_space = solution[gene_idx] + value_from_space - else: - if gene_type[gene_idx] in GA.supported_int_types: - if build_initial_pop == True: - if 'step' in curr_gene_space.keys(): - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=curr_gene_space['low'], - max_val=curr_gene_space['high'], - step=curr_gene_space['step'], - mutation_by_replacement=True, - gene_type=gene_type) - else: - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=curr_gene_space['low'], - max_val=curr_gene_space['high'], - step=None, - mutation_by_replacement=True, - gene_type=gene_type) - else: - if 'step' in curr_gene_space.keys(): - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=curr_gene_space['low'], - max_val=curr_gene_space['high'], - step=curr_gene_space['step'], - mutation_by_replacement=True, - gene_type=gene_type) - else: - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=curr_gene_space['low'], - max_val=curr_gene_space['high'], - step=None, - mutation_by_replacement=True, - gene_type=gene_type) - else: - if 'step' in curr_gene_space.keys(): - value_from_space = numpy.random.choice(numpy.arange(start=curr_gene_space['low'], - stop=curr_gene_space['high'], - step=curr_gene_space['step']), - size=1) - else: - value_from_space = numpy.random.uniform(low=curr_gene_space['low'], - high=curr_gene_space['high'], - size=1) - if self.mutation_by_replacement: - pass - else: - value_from_space = solution[gene_idx] + value_from_space - - else: - # Selecting a value randomly based on the current gene's space in the 'gene_space' attribute. - # If the gene space has only 1 value, then select it. The old and new values of the gene are identical. - if len(curr_gene_space) == 1: - value_from_space = curr_gene_space[0] - if not self.suppress_warnings: warnings.warn("You set 'allow_duplicate_genes=False' but the space of the gene with index {gene_idx} has only a single value. Thus, duplicates are possible.".format(gene_idx=gene_idx)) - # If the gene space has more than 1 value, then select a new one that is different from the current value. - else: - values_to_select_from = list(set(curr_gene_space) - set(solution)) - if len(values_to_select_from) == 0: - if not self.suppress_warnings: warnings.warn("You set 'allow_duplicate_genes=False' but the gene space does not have enough values to prevent duplicates.") - value_from_space = solution[gene_idx] - else: - value_from_space = random.choice(values_to_select_from) - else: - # Selecting a value randomly from the global gene space in the 'gene_space' attribute. - if type(self.gene_space) is dict: - if self.gene_type_single == True: - if gene_type[0] in GA.supported_int_types: - if build_initial_pop == True: - if 'step' in self.gene_space.keys(): - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=self.gene_space['low'], - max_val=self.gene_space['high'], - step=self.gene_space['step'], - mutation_by_replacement=True, - gene_type=gene_type) - else: - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=self.gene_space['low'], - max_val=self.gene_space['high'], - step=None, - mutation_by_replacement=True, - gene_type=gene_type) - else: - if 'step' in self.gene_space.keys(): - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=self.gene_space['low'], - max_val=self.gene_space['high'], - step=self.gene_space['step'], - mutation_by_replacement=True, - gene_type=gene_type) - else: - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=self.gene_space['low'], - max_val=self.gene_space['high'], - step=None, - mutation_by_replacement=True, - gene_type=gene_type) - else: - # When the gene_space is assigned a dict object, then it specifies the lower and upper limits of all genes in the space. - if 'step' in self.gene_space.keys(): - value_from_space = numpy.random.choice(numpy.arange(start=self.gene_space['low'], - stop=self.gene_space['high'], - step=self.gene_space['step']), - size=1) - else: - value_from_space = numpy.random.uniform(low=self.gene_space['low'], - high=self.gene_space['high'], - size=1) - if self.mutation_by_replacement: - pass - else: - value_from_space = solution[gene_idx] + value_from_space - else: - if gene_type[gene_idx] in GA.supported_int_types: - if build_initial_pop == True: - if 'step' in self.gene_space.keys(): - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=self.gene_space['low'], - max_val=self.gene_space['high'], - step=self.gene_space['step'], - mutation_by_replacement=True, - gene_type=gene_type) - else: - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=self.gene_space['low'], - max_val=self.gene_space['high'], - step=None, - mutation_by_replacement=True, - gene_type=gene_type) - else: - if 'step' in self.gene_space.keys(): - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=self.gene_space['low'], - max_val=self.gene_space['high'], - step=self.gene_space['step'], - mutation_by_replacement=True, - gene_type=gene_type) - else: - value_from_space = self.unique_int_gene_from_range(solution=solution, - gene_index=gene_idx, - min_val=self.gene_space['low'], - max_val=self.gene_space['high'], - step=None, - mutation_by_replacement=True, - gene_type=gene_type) - else: - # When the gene_space is assigned a dict object, then it specifies the lower and upper limits of all genes in the space. - if 'step' in self.gene_space.keys(): - value_from_space = numpy.random.choice(numpy.arange(start=self.gene_space['low'], - stop=self.gene_space['high'], - step=self.gene_space['step']), - size=1) - else: - value_from_space = numpy.random.uniform(low=self.gene_space['low'], - high=self.gene_space['high'], - size=1) - if self.mutation_by_replacement: - pass - else: - value_from_space = solution[gene_idx] + value_from_space - - else: - # If the space type is not of type dict, then a value is randomly selected from the gene_space attribute. - values_to_select_from = list(set(self.gene_space) - set(solution)) - if len(values_to_select_from) == 0: - if not self.suppress_warnings: warnings.warn("You set 'allow_duplicate_genes=False' but the gene space does not have enough values to prevent duplicates.") - value_from_space = solution[gene_idx] - else: - value_from_space = random.choice(values_to_select_from) - - if value_from_space is None: - value_from_space = numpy.random.uniform(low=self.random_mutation_min_val, - high=self.random_mutation_max_val, - size=1) - - if self.gene_type_single == True: - if not gene_type[1] is None: - value_from_space = numpy.round(gene_type[0](value_from_space), - gene_type[1]) - else: - value_from_space = gene_type[0](value_from_space) - else: - if not gene_type[gene_idx][1] is None: - value_from_space = numpy.round(gene_type[gene_idx][0](value_from_space), - gene_type[gene_idx][1]) - else: - value_from_space = gene_type[gene_idx][0](value_from_space) - - return value_from_space - - def best_solution(self, pop_fitness=None): - - """ - Returns information about the best solution found by the genetic algorithm. - Accepts the following parameters: - pop_fitness: An optional parameter holding the fitness values of the solutions in the current population. If None, then the cal_pop_fitness() method is called to calculate the fitness of the population. - The following are returned: - -best_solution: Best solution in the current population. - -best_solution_fitness: Fitness value of the best solution. - -best_match_idx: Index of the best solution in the current population. - """ - - # Getting the best solution after finishing all generations. - # At first, the fitness is calculated for each solution in the final generation. - if pop_fitness is None: - pop_fitness = self.cal_pop_fitness() - # Then return the index of that solution corresponding to the best fitness. - best_match_idx = numpy.where(pop_fitness == numpy.max(pop_fitness))[0][0] - - best_solution = self.population[best_match_idx, :].copy() - best_solution_fitness = pop_fitness[best_match_idx] - - return best_solution, best_solution_fitness, best_match_idx - - def plot_result(self, - title="PyGAD - Generation vs. Fitness", - xlabel="Generation", - ylabel="Fitness", - linewidth=3, - font_size=14, - plot_type="plot", - color="#3870FF", - save_dir=None): - - if not self.suppress_warnings: - warnings.warn("Please use the plot_fitness() method instead of plot_result(). The plot_result() method will be removed in the future.") - - return self.plot_fitness(title=title, - xlabel=xlabel, - ylabel=ylabel, - linewidth=linewidth, - font_size=font_size, - plot_type=plot_type, - color=color, - save_dir=save_dir) - - def plot_fitness(self, - title="PyGAD - Generation vs. Fitness", - xlabel="Generation", - ylabel="Fitness", - linewidth=3, - font_size=14, - plot_type="plot", - color="#3870FF", - save_dir=None): - - """ - Creates, shows, and returns a figure that summarizes how the fitness value evolved by generation. Can only be called after completing at least 1 generation. If no generation is completed, an exception is raised. - - Accepts the following: - title: Figure title. - xlabel: Label on the X-axis. - ylabel: Label on the Y-axis. - linewidth: Line width of the plot. Defaults to 3. - font_size: Font size for the labels and title. Defaults to 14. - plot_type: Type of the plot which can be either "plot" (default), "scatter", or "bar". - color: Color of the plot which defaults to "#3870FF". - save_dir: Directory to save the figure. - - Returns the figure. - """ - - if self.generations_completed < 1: - raise RuntimeError("The plot_fitness() (i.e. plot_result()) method can only be called after completing at least 1 generation but ({generations_completed}) is completed.".format(generations_completed=self.generations_completed)) - -# if self.run_completed == False: -# if not self.suppress_warnings: warnings.warn("Warning calling the plot_result() method: \nGA is not executed yet and there are no results to display. Please call the run() method before calling the plot_result() method.\n") - - fig = matplotlib.pyplot.figure() - if plot_type == "plot": - matplotlib.pyplot.plot(self.best_solutions_fitness, linewidth=linewidth, color=color) - elif plot_type == "scatter": - matplotlib.pyplot.scatter(range(self.generations_completed + 1), self.best_solutions_fitness, linewidth=linewidth, color=color) - elif plot_type == "bar": - matplotlib.pyplot.bar(range(self.generations_completed + 1), self.best_solutions_fitness, linewidth=linewidth, color=color) - matplotlib.pyplot.title(title, fontsize=font_size) - matplotlib.pyplot.xlabel(xlabel, fontsize=font_size) - matplotlib.pyplot.ylabel(ylabel, fontsize=font_size) - - if not save_dir is None: - matplotlib.pyplot.savefig(fname=save_dir, - bbox_inches='tight') - matplotlib.pyplot.show() - - return fig - - def plot_new_solution_rate(self, - title="PyGAD - Generation vs. New Solution Rate", - xlabel="Generation", - ylabel="New Solution Rate", - linewidth=3, - font_size=14, - plot_type="plot", - color="#3870FF", - save_dir=None): - - """ - Creates, shows, and returns a figure that summarizes the rate of exploring new solutions. This method works only when save_solutions=True in the constructor of the pygad.GA class. - - Accepts the following: - title: Figure title. - xlabel: Label on the X-axis. - ylabel: Label on the Y-axis. - linewidth: Line width of the plot. Defaults to 3. - font_size: Font size for the labels and title. Defaults to 14. - plot_type: Type of the plot which can be either "plot" (default), "scatter", or "bar". - color: Color of the plot which defaults to "#3870FF". - save_dir: Directory to save the figure. - - Returns the figure. - """ - - if self.generations_completed < 1: - raise RuntimeError("The plot_new_solution_rate() method can only be called after completing at least 1 generation but ({generations_completed}) is completed.".format(generations_completed=self.generations_completed)) - - if self.save_solutions == False: - raise RuntimeError("The plot_new_solution_rate() method works only when save_solutions=True in the constructor of the pygad.GA class.") - - unique_solutions = set() - num_unique_solutions_per_generation = [] - for generation_idx in range(self.generations_completed): - - len_before = len(unique_solutions) - - start = generation_idx * self.sol_per_pop - end = start + self.sol_per_pop - - for sol in self.solutions[start:end]: - unique_solutions.add(tuple(sol)) - - len_after = len(unique_solutions) - - generation_num_unique_solutions = len_after - len_before - num_unique_solutions_per_generation.append(generation_num_unique_solutions) - - fig = matplotlib.pyplot.figure() - if plot_type == "plot": - matplotlib.pyplot.plot(num_unique_solutions_per_generation, linewidth=linewidth, color=color) - elif plot_type == "scatter": - matplotlib.pyplot.scatter(range(self.generations_completed), num_unique_solutions_per_generation, linewidth=linewidth, color=color) - elif plot_type == "bar": - matplotlib.pyplot.bar(range(self.generations_completed), num_unique_solutions_per_generation, linewidth=linewidth, color=color) - matplotlib.pyplot.title(title, fontsize=font_size) - matplotlib.pyplot.xlabel(xlabel, fontsize=font_size) - matplotlib.pyplot.ylabel(ylabel, fontsize=font_size) - - if not save_dir is None: - matplotlib.pyplot.savefig(fname=save_dir, - bbox_inches='tight') - matplotlib.pyplot.show() - - return fig - - def plot_genes(self, - title="PyGAD - Gene", - xlabel="Gene", - ylabel="Value", - linewidth=3, - font_size=14, - plot_type="plot", - graph_type="plot", - fill_color="#3870FF", - color="black", - solutions="all", - save_dir=None): - - """ - Creates, shows, and returns a figure with number of subplots equal to the number of genes. Each subplot shows the gene value for each generation. - This method works only when save_solutions=True in the constructor of the pygad.GA class. - It also works only after completing at least 1 generation. If no generation is completed, an exception is raised. - - Accepts the following: - title: Figure title. - xlabel: Label on the X-axis. - ylabel: Label on the Y-axis. - linewidth: Line width of the plot. Defaults to 3. - font_size: Font size for the labels and title. Defaults to 14. - plot_type: Type of the plot which can be either "plot" (default), "scatter", or "bar". - graph_type: Type of the graph which can be either "plot" (default), "boxplot", or "histogram". - fill_color: Fill color of the graph which defaults to "#3870FF". This has no effect if graph_type="plot". - color: Color of the plot which defaults to "black". - solutions: Defaults to "all" which means use all solutions. If "best" then only the best solutions are used. - save_dir: Directory to save the figure. - - Returns the figure. - """ - - if self.generations_completed < 1: - raise RuntimeError("The plot_genes() method can only be called after completing at least 1 generation but ({generations_completed}) is completed.".format(generations_completed=self.generations_completed)) - - if type(solutions) is str: - if solutions == 'all': - if self.save_solutions: - solutions_to_plot = self.solutions - else: - raise RuntimeError("The plot_genes() method with solutions='all' can only be called if 'save_solutions=True' in the pygad.GA class constructor.") - elif solutions == 'best': - if self.save_best_solutions: - solutions_to_plot = self.best_solutions - else: - raise RuntimeError("The plot_genes() method with solutions='best' can only be called if 'save_best_solutions=True' in the pygad.GA class constructor.") - else: - raise RuntimeError("The solutions parameter can be either 'all' or 'best' but {solutions} found.".format(solutions=solutions)) - else: - raise RuntimeError("The solutions parameter must be a string but {solutions_type} found.".format(solutions_type=type(solutions))) - - if graph_type == "plot": - # num_rows will be always be >= 1 - # num_cols can only be 0 if num_genes=1 - num_rows = int(numpy.ceil(self.num_genes/5.0)) - num_cols = int(numpy.ceil(self.num_genes/num_rows)) - - if num_cols == 0: - figsize = (10, 8) - # There is only a single gene - fig, ax = matplotlib.pyplot.subplots(num_rows, figsize=figsize) - if plot_type == "plot": - ax.plot(solutions_to_plot[:, 0], linewidth=linewidth, color=fill_color) - elif plot_type == "scatter": - ax.scatter(range(self.generations_completed + 1), solutions_to_plot[:, 0], linewidth=linewidth, color=fill_color) - elif plot_type == "bar": - ax.bar(range(self.generations_completed + 1), solutions_to_plot[:, 0], linewidth=linewidth, color=fill_color) - ax.set_xlabel(0, fontsize=font_size) - else: - fig, axs = matplotlib.pyplot.subplots(num_rows, num_cols) - - if num_cols == 1 and num_rows == 1: - fig.set_figwidth(5 * num_cols) - fig.set_figheight(4) - axs.plot(solutions_to_plot[:, 0], linewidth=linewidth, color=fill_color) - axs.set_xlabel("Gene " + str(0), fontsize=font_size) - elif num_cols == 1 or num_rows == 1: - fig.set_figwidth(5 * num_cols) - fig.set_figheight(4) - for gene_idx in range(len(axs)): - if plot_type == "plot": - axs[gene_idx].plot(solutions_to_plot[:, gene_idx], linewidth=linewidth, color=fill_color) - elif plot_type == "scatter": - axs[gene_idx].scatter(range(solutions_to_plot.shape[0]), solutions_to_plot[:, gene_idx], linewidth=linewidth, color=fill_color) - elif plot_type == "bar": - axs[gene_idx].bar(range(solutions_to_plot.shape[0]), solutions_to_plot[:, gene_idx], linewidth=linewidth, color=fill_color) - axs[gene_idx].set_xlabel("Gene " + str(gene_idx), fontsize=font_size) - else: - gene_idx = 0 - fig.set_figwidth(25) - fig.set_figheight(4*num_rows) - for row_idx in range(num_rows): - for col_idx in range(num_cols): - if gene_idx >= self.num_genes: - # axs[row_idx, col_idx].remove() - break - if plot_type == "plot": - axs[row_idx, col_idx].plot(solutions_to_plot[:, gene_idx], linewidth=linewidth, color=fill_color) - elif plot_type == "scatter": - axs[row_idx, col_idx].scatter(range(solutions_to_plot.shape[0]), solutions_to_plot[:, gene_idx], linewidth=linewidth, color=fill_color) - elif plot_type == "bar": - axs[row_idx, col_idx].bar(range(solutions_to_plot.shape[0]), solutions_to_plot[:, gene_idx], linewidth=linewidth, color=fill_color) - axs[row_idx, col_idx].set_xlabel("Gene " + str(gene_idx), fontsize=font_size) - gene_idx += 1 - - fig.suptitle(title, fontsize=font_size, y=1.001) - matplotlib.pyplot.tight_layout() - - elif graph_type == "boxplot": - fig = matplotlib.pyplot.figure(1, figsize=(0.7*self.num_genes, 6)) - - # Create an axes instance - ax = fig.add_subplot(111) - boxeplots = ax.boxplot(solutions_to_plot, - labels=range(self.num_genes), - patch_artist=True) - # adding horizontal grid lines - ax.yaxis.grid(True) - - for box in boxeplots['boxes']: - # change outline color - box.set(color='black', linewidth=linewidth) - # change fill color https://color.adobe.com/create/color-wheel - box.set_facecolor(fill_color) - - for whisker in boxeplots['whiskers']: - whisker.set(color=color, linewidth=linewidth) - for median in boxeplots['medians']: - median.set(color=color, linewidth=linewidth) - for cap in boxeplots['caps']: - cap.set(color=color, linewidth=linewidth) - - matplotlib.pyplot.title(title, fontsize=font_size) - matplotlib.pyplot.xlabel(xlabel, fontsize=font_size) - matplotlib.pyplot.ylabel(ylabel, fontsize=font_size) - matplotlib.pyplot.tight_layout() - - elif graph_type == "histogram": - # num_rows will be always be >= 1 - # num_cols can only be 0 if num_genes=1 - num_rows = int(numpy.ceil(self.num_genes/5.0)) - num_cols = int(numpy.ceil(self.num_genes/num_rows)) - - if num_cols == 0: - figsize = (10, 8) - # There is only a single gene - fig, ax = matplotlib.pyplot.subplots(num_rows, - figsize=figsize) - ax.hist(solutions_to_plot[:, 0], color=fill_color) - ax.set_xlabel(0, fontsize=font_size) - else: - fig, axs = matplotlib.pyplot.subplots(num_rows, num_cols) - - if num_cols == 1 and num_rows == 1: - fig.set_figwidth(4 * num_cols) - fig.set_figheight(3) - axs.hist(solutions_to_plot[:, 0], - color=fill_color, - rwidth=0.95) - axs.set_xlabel("Gene " + str(0), fontsize=font_size) - elif num_cols == 1 or num_rows == 1: - fig.set_figwidth(4 * num_cols) - fig.set_figheight(3) - for gene_idx in range(len(axs)): - axs[gene_idx].hist(solutions_to_plot[:, gene_idx], - color=fill_color, - rwidth=0.95) - axs[gene_idx].set_xlabel("Gene " + str(gene_idx), fontsize=font_size) - else: - gene_idx = 0 - fig.set_figwidth(20) - fig.set_figheight(3*num_rows) - for row_idx in range(num_rows): - for col_idx in range(num_cols): - if gene_idx >= self.num_genes: - # axs[row_idx, col_idx].remove() - break - axs[row_idx, col_idx].hist(solutions_to_plot[:, gene_idx], - color=fill_color, - rwidth=0.95) - axs[row_idx, col_idx].set_xlabel("Gene " + str(gene_idx), fontsize=font_size) - gene_idx += 1 - - fig.suptitle(title, fontsize=font_size, y=1.001) - matplotlib.pyplot.tight_layout() - - if not save_dir is None: - matplotlib.pyplot.savefig(fname=save_dir, - bbox_inches='tight') - - matplotlib.pyplot.show() - - return fig - - def save(self, filename): - - """ - Saves the genetic algorithm instance: - -filename: Name of the file to save the instance. No extension is needed. - """ - - with open(filename + ".pkl", 'wb') as file: - pickle.dump(self, file) - -def load(filename): - - """ - Reads a saved instance of the genetic algorithm: - -filename: Name of the file to read the instance. No extension is needed. - Returns the genetic algorithm instance. - """ - - try: - with open(filename + ".pkl", 'rb') as file: - ga_in = pickle.load(file) - except FileNotFoundError: - raise FileNotFoundError("Error reading the file {filename}. Please check your inputs.".format(filename=filename)) - except: - raise BaseException("Error loading the file. Please check if the file exists.") - return ga_in \ No newline at end of file From 995dae233c93f112e9fbd6581651bacfc6f9f9be Mon Sep 17 00:00:00 2001 From: Shahd Alotaibi Date: Mon, 28 Jun 2021 16:47:24 +0300 Subject: [PATCH 3/5] Update README.md --- README.md | 211 +++++------------------------------------------------- 1 file changed, 18 insertions(+), 193 deletions(-) diff --git a/README.md b/README.md index b7753f7e..b7a5cf1e 100644 --- a/README.md +++ b/README.md @@ -1,4 +1,21 @@ -# PyGAD: Genetic Algorithm in Python +# Using Genetic Algorithm for feature selection in text dataset +This project presents a wrapper approach of feature selection using a genetic algorithm. The multinomial event model of Naïve Bayes was used as a fitness function to determine the selected features of the documents. Different experiments have been performed on the 20newsgroups dataset to see the impact of the population size and the number of generations. The experiments were compared with the classification without feature selection using different evaluation metrics. All the experiment results showed that feature selection using the genetic algorithm will positively affect the classification performance. + +# The results: +![four expermints results comparsion](https://www.dropbox.com/s/9wzwif2744ulz0q/Picture1.png?raw=1) +### Expermint A +![Expermint A](https://www.dropbox.com/s/chkuhumf422eq69/Picture11.png?raw=1) +### Expermint B +![Expermint B](https://www.dropbox.com/s/5nwk5h1wgiggprn/Picture22.png?raw=1) +### Expermint C +![Expermint C](https://www.dropbox.com/s/k9sqs5u55jk7j95/Picture33.png?raw=1) +### Expermint D +![Expermint D](https://www.dropbox.com/s/304ax1zjuvzgwxy/Picture4.png?raw=1) + +---- +# Below some information about the algorithm and its library (PyGAD) + +## PyGAD: Genetic Algorithm in Python [PyGAD](https://pypi.org/project/pygad) is an open-source easy-to-use Python 3 library for building the genetic algorithm and optimizing machine learning algorithms. It supports Keras and PyTorch. @@ -12,11 +29,6 @@ Check documentation of the [PyGAD](https://pygad.readthedocs.io/en/latest). The library is under active development and more features are added regularly. If you want a feature to be supported, please check the **Contact Us** section to send a request. -# Donation - -You can donate via [Open Collective](https://opencollective.com/pygad): [opencollective.com/pygad](https://opencollective.com/pygad). - -To donate using PayPal, use either this link: [paypal.me/ahmedfgad](https://paypal.me/ahmedfgad) or the e-mail address ahmed.f.gad@gmail.com. # Installation @@ -144,190 +156,3 @@ on_generation() on_stop() ``` - -# Example - -Check the [PyGAD's documentation](https://pygad.readthedocs.io/en/latest/README_pygad_ReadTheDocs.html) for information about the implementation of this example. - -```python -import pygad -import numpy - -""" -Given the following function: - y = f(w1:w6) = w1x1 + w2x2 + w3x3 + w4x4 + w5x5 + 6wx6 - where (x1,x2,x3,x4,x5,x6)=(4,-2,3.5,5,-11,-4.7) and y=44 -What are the best values for the 6 weights (w1 to w6)? We are going to use the genetic algorithm to optimize this function. -""" - -function_inputs = [4,-2,3.5,5,-11,-4.7] # Function inputs. -desired_output = 44 # Function output. - -def fitness_func(solution, solution_idx): - # Calculating the fitness value of each solution in the current population. - # The fitness function calulates the sum of products between each input and its corresponding weight. - output = numpy.sum(solution*function_inputs) - fitness = 1.0 / numpy.abs(output - desired_output) - return fitness - -fitness_function = fitness_func - -num_generations = 100 # Number of generations. -num_parents_mating = 7 # Number of solutions to be selected as parents in the mating pool. - -# To prepare the initial population, there are 2 ways: -# 1) Prepare it yourself and pass it to the initial_population parameter. This way is useful when the user wants to start the genetic algorithm with a custom initial population. -# 2) Assign valid integer values to the sol_per_pop and num_genes parameters. If the initial_population parameter exists, then the sol_per_pop and num_genes parameters are useless. -sol_per_pop = 50 # Number of solutions in the population. -num_genes = len(function_inputs) - -last_fitness = 0 -def callback_generation(ga_instance): - global last_fitness - print("Generation = {generation}".format(generation=ga_instance.generations_completed)) - print("Fitness = {fitness}".format(fitness=ga_instance.best_solution()[1])) - print("Change = {change}".format(change=ga_instance.best_solution()[1] - last_fitness)) - last_fitness = ga_instance.best_solution()[1] - -# Creating an instance of the GA class inside the ga module. Some parameters are initialized within the constructor. -ga_instance = pygad.GA(num_generations=num_generations, - num_parents_mating=num_parents_mating, - fitness_func=fitness_function, - sol_per_pop=sol_per_pop, - num_genes=num_genes, - on_generation=callback_generation) - -# Running the GA to optimize the parameters of the function. -ga_instance.run() - -# After the generations complete, some plots are showed that summarize the how the outputs/fitenss values evolve over generations. -ga_instance.plot_fitness() - -# Returning the details of the best solution. -solution, solution_fitness, solution_idx = ga_instance.best_solution() -print("Parameters of the best solution : {solution}".format(solution=solution)) -print("Fitness value of the best solution = {solution_fitness}".format(solution_fitness=solution_fitness)) -print("Index of the best solution : {solution_idx}".format(solution_idx=solution_idx)) - -prediction = numpy.sum(numpy.array(function_inputs)*solution) -print("Predicted output based on the best solution : {prediction}".format(prediction=prediction)) - -if ga_instance.best_solution_generation != -1: - print("Best fitness value reached after {best_solution_generation} generations.".format(best_solution_generation=ga_instance.best_solution_generation)) - -# Saving the GA instance. -filename = 'genetic' # The filename to which the instance is saved. The name is without extension. -ga_instance.save(filename=filename) - -# Loading the saved GA instance. -loaded_ga_instance = pygad.load(filename=filename) -loaded_ga_instance.plot_fitness() -``` - -# For More Information - -There are different resources that can be used to get started with the genetic algorithm and building it in Python. - -## Tutorial: Implementing Genetic Algorithm in Python - -To start with coding the genetic algorithm, you can check the tutorial titled [**Genetic Algorithm Implementation in Python**](https://www.linkedin.com/pulse/genetic-algorithm-implementation-python-ahmed-gad) available at these links: - -- [LinkedIn](https://www.linkedin.com/pulse/genetic-algorithm-implementation-python-ahmed-gad) -- [Towards Data Science](https://towardsdatascience.com/genetic-algorithm-implementation-in-python-5ab67bb124a6) -- [KDnuggets](https://www.kdnuggets.com/2018/07/genetic-algorithm-implementation-python.html) - -[This tutorial](https://www.linkedin.com/pulse/genetic-algorithm-implementation-python-ahmed-gad) is prepared based on a previous version of the project but it still a good resource to start with coding the genetic algorithm. - -[![Genetic Algorithm Implementation in Python](https://user-images.githubusercontent.com/16560492/78830052-a3c19300-79e7-11ea-8b9b-4b343ea4049c.png)](https://www.linkedin.com/pulse/genetic-algorithm-implementation-python-ahmed-gad) - -## Tutorial: Introduction to Genetic Algorithm - -Get started with the genetic algorithm by reading the tutorial titled [**Introduction to Optimization with Genetic Algorithm**](https://www.linkedin.com/pulse/introduction-optimization-genetic-algorithm-ahmed-gad) which is available at these links: - -* [LinkedIn](https://www.linkedin.com/pulse/introduction-optimization-genetic-algorithm-ahmed-gad) -* [Towards Data Science](https://www.kdnuggets.com/2018/03/introduction-optimization-with-genetic-algorithm.html) -* [KDnuggets](https://towardsdatascience.com/introduction-to-optimization-with-genetic-algorithm-2f5001d9964b) - -[![Introduction to Genetic Algorithm](https://user-images.githubusercontent.com/16560492/82078259-26252d00-96e1-11ea-9a02-52a99e1054b9.jpg)](https://www.linkedin.com/pulse/introduction-optimization-genetic-algorithm-ahmed-gad) - -## Tutorial: Build Neural Networks in Python - -Read about building neural networks in Python through the tutorial titled [**Artificial Neural Network Implementation using NumPy and Classification of the Fruits360 Image Dataset**](https://www.linkedin.com/pulse/artificial-neural-network-implementation-using-numpy-fruits360-gad) available at these links: - -* [LinkedIn](https://www.linkedin.com/pulse/artificial-neural-network-implementation-using-numpy-fruits360-gad) -* [Towards Data Science](https://towardsdatascience.com/artificial-neural-network-implementation-using-numpy-and-classification-of-the-fruits360-image-3c56affa4491) -* [KDnuggets](https://www.kdnuggets.com/2019/02/artificial-neural-network-implementation-using-numpy-and-image-classification.html) - -[![Building Neural Networks Python](https://user-images.githubusercontent.com/16560492/82078281-30472b80-96e1-11ea-8017-6a1f4383d602.jpg)](https://www.linkedin.com/pulse/artificial-neural-network-implementation-using-numpy-fruits360-gad) - -## Tutorial: Optimize Neural Networks with Genetic Algorithm - -Read about training neural networks using the genetic algorithm through the tutorial titled [**Artificial Neural Networks Optimization using Genetic Algorithm with Python**](https://www.linkedin.com/pulse/artificial-neural-networks-optimization-using-genetic-ahmed-gad) available at these links: - -- [LinkedIn](https://www.linkedin.com/pulse/artificial-neural-networks-optimization-using-genetic-ahmed-gad) -- [Towards Data Science](https://towardsdatascience.com/artificial-neural-networks-optimization-using-genetic-algorithm-with-python-1fe8ed17733e) -- [KDnuggets](https://www.kdnuggets.com/2019/03/artificial-neural-networks-optimization-genetic-algorithm-python.html) - -[![Training Neural Networks using Genetic Algorithm Python](https://user-images.githubusercontent.com/16560492/82078300-376e3980-96e1-11ea-821c-aa6b8ceb44d4.jpg)](https://www.linkedin.com/pulse/artificial-neural-networks-optimization-using-genetic-ahmed-gad) - -## Tutorial: Building CNN in Python - -To start with coding the genetic algorithm, you can check the tutorial titled [**Building Convolutional Neural Network using NumPy from Scratch**](https://www.linkedin.com/pulse/building-convolutional-neural-network-using-numpy-from-ahmed-gad) available at these links: - -- [LinkedIn](https://www.linkedin.com/pulse/building-convolutional-neural-network-using-numpy-from-ahmed-gad) -- [Towards Data Science](https://towardsdatascience.com/building-convolutional-neural-network-using-numpy-from-scratch-b30aac50e50a) -- [KDnuggets](https://www.kdnuggets.com/2018/04/building-convolutional-neural-network-numpy-scratch.html) -- [Chinese Translation](http://m.aliyun.com/yunqi/articles/585741) - -[This tutorial](https://www.linkedin.com/pulse/building-convolutional-neural-network-using-numpy-from-ahmed-gad)) is prepared based on a previous version of the project but it still a good resource to start with coding CNNs. - -[![Building CNN in Python](https://user-images.githubusercontent.com/16560492/82431022-6c3a1200-9a8e-11ea-8f1b-b055196d76e3.png)](https://www.linkedin.com/pulse/building-convolutional-neural-network-using-numpy-from-ahmed-gad) - -## Tutorial: Derivation of CNN from FCNN - -Get started with the genetic algorithm by reading the tutorial titled [**Derivation of Convolutional Neural Network from Fully Connected Network Step-By-Step**](https://www.linkedin.com/pulse/derivation-convolutional-neural-network-from-fully-connected-gad) which is available at these links: - -* [LinkedIn](https://www.linkedin.com/pulse/derivation-convolutional-neural-network-from-fully-connected-gad) -* [Towards Data Science](https://towardsdatascience.com/derivation-of-convolutional-neural-network-from-fully-connected-network-step-by-step-b42ebafa5275) -* [KDnuggets](https://www.kdnuggets.com/2018/04/derivation-convolutional-neural-network-fully-connected-step-by-step.html) - -[![Derivation of CNN from FCNN](https://user-images.githubusercontent.com/16560492/82431369-db176b00-9a8e-11ea-99bd-e845192873fc.png)](https://www.linkedin.com/pulse/derivation-convolutional-neural-network-from-fully-connected-gad) - -## Book: Practical Computer Vision Applications Using Deep Learning with CNNs - -You can also check my book cited as [**Ahmed Fawzy Gad 'Practical Computer Vision Applications Using Deep Learning with CNNs'. Dec. 2018, Apress, 978-1-4842-4167-7**](https://www.amazon.com/Practical-Computer-Vision-Applications-Learning/dp/1484241665) which discusses neural networks, convolutional neural networks, deep learning, genetic algorithm, and more. - -Find the book at these links: - -- [Amazon](https://www.amazon.com/Practical-Computer-Vision-Applications-Learning/dp/1484241665) -- [Springer](https://link.springer.com/book/10.1007/978-1-4842-4167-7) -- [Apress](https://www.apress.com/gp/book/9781484241660) -- [O'Reilly](https://www.oreilly.com/library/view/practical-computer-vision/9781484241677) -- [Google Books](https://books.google.com.eg/books?id=xLd9DwAAQBAJ) - -![Fig04](https://user-images.githubusercontent.com/16560492/78830077-ae7c2800-79e7-11ea-980b-53b6bd879eeb.jpg) - -# Citing PyGAD - Bibtex Formatted Citation - -If you used PyGAD, please consider adding a citation to the following paper about PyGAD: - -``` -@misc{gad2021pygad, - title={PyGAD: An Intuitive Genetic Algorithm Python Library}, - author={Ahmed Fawzy Gad}, - year={2021}, - eprint={2106.06158}, - archivePrefix={arXiv}, - primaryClass={cs.NE} -} -``` - -# Contact Us - -* E-mail: ahmed.f.gad@gmail.com -* [LinkedIn](https://www.linkedin.com/in/ahmedfgad) -* [Paperspace](https://blog.paperspace.com/author/ahmed) -* [KDnuggets](https://kdnuggets.com/author/ahmed-gad) -* [TowardsDataScience](https://towardsdatascience.com/@ahmedfgad) -* [GitHub](https://github.com/ahmedfgad) - From 805e0db66689875ca3fcfe4046a1c3f7a5b8c2cc Mon Sep 17 00:00:00 2001 From: Shahd Alotaibi Date: Mon, 28 Jun 2021 16:52:43 +0300 Subject: [PATCH 4/5] Update README.md --- README.md | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/README.md b/README.md index b7a5cf1e..644fee25 100644 --- a/README.md +++ b/README.md @@ -1,8 +1,10 @@ +![Using Genetic Algorithm for feature selection in text dataset ](https://www.dropbox.com/s/9wzwif2744ulz0q/Picturea.png?raw=1) # Using Genetic Algorithm for feature selection in text dataset This project presents a wrapper approach of feature selection using a genetic algorithm. The multinomial event model of Naïve Bayes was used as a fitness function to determine the selected features of the documents. Different experiments have been performed on the 20newsgroups dataset to see the impact of the population size and the number of generations. The experiments were compared with the classification without feature selection using different evaluation metrics. All the experiment results showed that feature selection using the genetic algorithm will positively affect the classification performance. # The results: -![four expermints results comparsion](https://www.dropbox.com/s/9wzwif2744ulz0q/Picture1.png?raw=1) +![four expermints comparsion](https://www.dropbox.com/s/9wzwif2744ulz0q/Picture1.png?raw=1) +![four expermints results comparsion](https://www.dropbox.com/s/9wzwif2744ulz0q/Picture5.png?raw=1) ### Expermint A ![Expermint A](https://www.dropbox.com/s/chkuhumf422eq69/Picture11.png?raw=1) ### Expermint B From 40fd1495de1ea58801445cb837095c8c641b2318 Mon Sep 17 00:00:00 2001 From: Shahd Alotaibi Date: Mon, 28 Jun 2021 16:54:37 +0300 Subject: [PATCH 5/5] Update README.md --- README.md | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/README.md b/README.md index 644fee25..bba95265 100644 --- a/README.md +++ b/README.md @@ -1,4 +1,5 @@ -![Using Genetic Algorithm for feature selection in text dataset ](https://www.dropbox.com/s/9wzwif2744ulz0q/Picturea.png?raw=1) +![Using Genetic Algorithm for feature selection in text dataset](https://www.dropbox.com/s/htjado9iveuqr6d/Picturea.png?raw=1) + # Using Genetic Algorithm for feature selection in text dataset This project presents a wrapper approach of feature selection using a genetic algorithm. The multinomial event model of Naïve Bayes was used as a fitness function to determine the selected features of the documents. Different experiments have been performed on the 20newsgroups dataset to see the impact of the population size and the number of generations. The experiments were compared with the classification without feature selection using different evaluation metrics. All the experiment results showed that feature selection using the genetic algorithm will positively affect the classification performance.