mirror of
https://github.com/Doctorado-ML/bayesclass.git
synced 2025-08-15 15:45:54 +00:00
First functional with 100% coverage
This commit is contained in:
7
.env
Normal file
7
.env
Normal file
@@ -0,0 +1,7 @@
|
||||
score=accuracy
|
||||
platform=iMac27
|
||||
n_folds=5
|
||||
stratified=1
|
||||
model=ODTE
|
||||
source_data=Arff
|
||||
seeds=[271, 314, 171]
|
608
.ipynb_checkpoints/test-checkpoint.ipynb
Normal file
608
.ipynb_checkpoints/test-checkpoint.ipynb
Normal file
File diff suppressed because one or more lines are too long
7
.vscode/settings.json
vendored
Normal file
7
.vscode/settings.json
vendored
Normal file
@@ -0,0 +1,7 @@
|
||||
{
|
||||
"python.testing.pytestArgs": [
|
||||
"bayesclass"
|
||||
],
|
||||
"python.testing.unittestEnabled": false,
|
||||
"python.testing.pytestEnabled": true
|
||||
}
|
54
Makefile
Normal file
54
Makefile
Normal file
@@ -0,0 +1,54 @@
|
||||
SHELL := /bin/bash
|
||||
.DEFAULT_GOAL := help
|
||||
.PHONY: coverage deps help lint push test doc build
|
||||
|
||||
coverage: ## Run tests with coverage
|
||||
pytest --cov
|
||||
|
||||
deps: ## Install dependencies
|
||||
pip install -r requirements.txt
|
||||
|
||||
devdeps: ## Install development dependencies
|
||||
pip install black pip-audit flake8 mypy coverage
|
||||
|
||||
lint: ## Lint and static-check
|
||||
black bayesclass
|
||||
flake8 bayesclass
|
||||
mypy bayesclass
|
||||
|
||||
push: ## Push code with tags
|
||||
git push && git push --tags
|
||||
|
||||
test: ## Run tests
|
||||
pytest
|
||||
|
||||
doc: ## Update documentation
|
||||
make -C doc --makefile=Makefile html
|
||||
|
||||
build: ## Build package
|
||||
rm -fr dist/*
|
||||
rm -fr build/*
|
||||
python setup.py sdist bdist_wheel
|
||||
|
||||
doc-clean: ## Update documentation
|
||||
make -C docs --makefile=Makefile clean
|
||||
|
||||
audit: ## Audit pip
|
||||
pip-audit
|
||||
|
||||
help: ## Show help message
|
||||
@IFS=$$'\n' ; \
|
||||
help_lines=(`fgrep -h "##" $(MAKEFILE_LIST) | fgrep -v fgrep | sed -e 's/\\$$//' | sed -e 's/##/:/'`); \
|
||||
printf "%s\n\n" "Usage: make [task]"; \
|
||||
printf "%-20s %s\n" "task" "help" ; \
|
||||
printf "%-20s %s\n" "------" "----" ; \
|
||||
for help_line in $${help_lines[@]}; do \
|
||||
IFS=$$':' ; \
|
||||
help_split=($$help_line) ; \
|
||||
help_command=`echo $${help_split[0]} | sed -e 's/^ *//' -e 's/ *$$//'` ; \
|
||||
help_info=`echo $${help_split[2]} | sed -e 's/^ *//' -e 's/ *$$//'` ; \
|
||||
printf '\033[36m'; \
|
||||
printf "%-20s %s" $$help_command ; \
|
||||
printf '\033[0m'; \
|
||||
printf "%s\n" $$help_info; \
|
||||
done
|
@@ -1,4 +1,4 @@
|
||||
from ._estimators import TAN
|
||||
from .bayesclass import TAN
|
||||
|
||||
from ._version import __version__
|
||||
|
||||
|
@@ -1,16 +1,14 @@
|
||||
"""
|
||||
This is a module to be used as a reference for building other modules
|
||||
"""
|
||||
import numpy as np
|
||||
import pandas as pd
|
||||
from sklearn.base import ClassifierMixin, BaseEstimator
|
||||
from sklearn.utils.validation import check_X_y, check_array, check_is_fitted
|
||||
from sklearn.utils.multiclass import unique_labels
|
||||
|
||||
import networkx as nx
|
||||
import pandas as pd
|
||||
import matplotlib.pyplot as plt
|
||||
from pgmpy.estimators import TreeSearch, BayesianEstimator
|
||||
from pgmpy.models import BayesianNetwork
|
||||
from benchmark import Datasets
|
||||
import matplotlib.pyplot as plt
|
||||
|
||||
|
||||
class TAN(ClassifierMixin, BaseEstimator):
|
||||
@@ -31,10 +29,11 @@ class TAN(ClassifierMixin, BaseEstimator):
|
||||
The classes seen at :meth:`fit`.
|
||||
"""
|
||||
|
||||
def __init__(self, demo_param="demo"):
|
||||
self.demo_param = demo_param
|
||||
def __init__(self, simple_init=False, show_progress=False):
|
||||
self.simple_init = simple_init
|
||||
self.show_progress = show_progress
|
||||
|
||||
def fit(self, X, y):
|
||||
def fit(self, X, y, **kwargs):
|
||||
"""A reference implementation of a fitting function for a classifier.
|
||||
Parameters
|
||||
----------
|
||||
@@ -42,6 +41,10 @@ class TAN(ClassifierMixin, BaseEstimator):
|
||||
The training input samples.
|
||||
y : array-like, shape (n_samples,)
|
||||
The target values. An array of int.
|
||||
**kwargs : dict
|
||||
class_name : str (default='class') Name of the class column
|
||||
features: list (default=None) List of features
|
||||
head: int (default=0) Index of the head node
|
||||
Returns
|
||||
-------
|
||||
self : object
|
||||
@@ -51,6 +54,24 @@ class TAN(ClassifierMixin, BaseEstimator):
|
||||
X, y = check_X_y(X, y)
|
||||
# Store the classes seen during fit
|
||||
self.classes_ = unique_labels(y)
|
||||
# Default values
|
||||
self.class_name_ = "class"
|
||||
self.features_ = [f"feature_{i}" for i in range(X.shape[1])]
|
||||
self.head_ = 0
|
||||
expected_args = ["class_name", "features", "head"]
|
||||
for key, value in kwargs.items():
|
||||
if key in expected_args:
|
||||
setattr(self, f"{key}_", value)
|
||||
|
||||
else:
|
||||
raise ValueError(f"Unexpected argument: {key}")
|
||||
|
||||
if len(self.features_) != X.shape[1]:
|
||||
raise ValueError(
|
||||
"Number of features does not match the number of columns in X"
|
||||
)
|
||||
if self.head_ >= len(self.features_):
|
||||
raise ValueError("Head index out of range")
|
||||
|
||||
self.X_ = X
|
||||
self.y_ = y
|
||||
@@ -58,60 +79,52 @@ class TAN(ClassifierMixin, BaseEstimator):
|
||||
# Return the classifier
|
||||
return self
|
||||
|
||||
def __train(self):
|
||||
dt = Datasets()
|
||||
data = dt.load("balance-scale", dataframe=True)
|
||||
features = dt.dataset.features
|
||||
class_name = dt.dataset.class_name
|
||||
factorization, class_factors = pd.factorize(data[class_name])
|
||||
data[class_name] = factorization
|
||||
data.head()
|
||||
net = [(class_name, feature) for feature in features]
|
||||
model = BayesianNetwork(net)
|
||||
# 1st feature correlates with other features
|
||||
first_node = features[0]
|
||||
edges2 = [
|
||||
def __initial_edges(self):
|
||||
if self.simple_init:
|
||||
first_node = self.features_[self.head_]
|
||||
return [
|
||||
(first_node, feature)
|
||||
for feature in features
|
||||
for feature in self.features_
|
||||
if feature != first_node
|
||||
]
|
||||
edges = []
|
||||
for i in range(len(features)):
|
||||
for j in range(i + 1, len(features)):
|
||||
edges.append((features[i], features[j]))
|
||||
print(edges2)
|
||||
model.add_edges_from(edges2)
|
||||
nx.draw_circular(
|
||||
model,
|
||||
with_labels=True,
|
||||
arrowsize=30,
|
||||
node_size=800,
|
||||
alpha=0.3,
|
||||
font_weight="bold",
|
||||
)
|
||||
plt.show()
|
||||
discretiz = MDLP()
|
||||
Xdisc = discretiz.fit_transform(
|
||||
data[features].to_numpy(), data[class_name].to_numpy()
|
||||
)
|
||||
features_discretized = pd.DataFrame(Xdisc, columns=features)
|
||||
dataset_discretized = features_discretized.copy()
|
||||
dataset_discretized[class_name] = data[class_name]
|
||||
dataset_discretized
|
||||
model.fit(dataset_discretized)
|
||||
from pgmpy.estimators import TreeSearch
|
||||
for i in range(len(self.features_)):
|
||||
for j in range(i + 1, len(self.features_)):
|
||||
edges.append((self.features_[i], self.features_[j]))
|
||||
return edges
|
||||
|
||||
def __train(self):
|
||||
net = [(self.class_name_, feature) for feature in self.features_]
|
||||
self.model_ = BayesianNetwork(net)
|
||||
# initialize a complete network with all edges
|
||||
self.model_.add_edges_from(self.__initial_edges())
|
||||
|
||||
self.dataset_ = pd.DataFrame(self.X_, columns=self.features_)
|
||||
self.dataset_[self.class_name_] = self.y_
|
||||
# learn graph structure
|
||||
est = TreeSearch(dataset_discretized, root_node=first_node)
|
||||
dag = est.estimate(estimator_type="tan", class_node=class_name)
|
||||
est = TreeSearch(self.dataset_, root_node=self.features_[self.head_])
|
||||
dag = est.estimate(
|
||||
estimator_type="tan",
|
||||
class_node=self.class_name_,
|
||||
show_progress=self.show_progress,
|
||||
)
|
||||
self.model_ = BayesianNetwork(dag.edges())
|
||||
self.model_.fit(
|
||||
self.dataset_,
|
||||
estimator=BayesianEstimator,
|
||||
prior_type="K2",
|
||||
)
|
||||
|
||||
def plot(self, title=""):
|
||||
nx.draw_circular(
|
||||
dag,
|
||||
self.model_,
|
||||
with_labels=True,
|
||||
arrowsize=30,
|
||||
node_size=800,
|
||||
alpha=0.3,
|
||||
font_weight="bold",
|
||||
)
|
||||
plt.title(title)
|
||||
plt.show()
|
||||
|
||||
def predict(self, X):
|
||||
@@ -131,6 +144,5 @@ class TAN(ClassifierMixin, BaseEstimator):
|
||||
|
||||
# Input validation
|
||||
X = check_array(X)
|
||||
|
||||
closest = np.argmin(euclidean_distances(X, self.X_), axis=1)
|
||||
return self.y_[closest]
|
||||
dataset = pd.DataFrame(X, columns=self.features_)
|
||||
return self.model_.predict(dataset).to_numpy()
|
BIN
bayesclass/tests/baseline_images/test_bayesclass/line_dashes.png
Normal file
BIN
bayesclass/tests/baseline_images/test_bayesclass/line_dashes.png
Normal file
Binary file not shown.
After Width: | Height: | Size: 45 KiB |
100
bayesclass/tests/test_bayesclass.py
Normal file
100
bayesclass/tests/test_bayesclass.py
Normal file
@@ -0,0 +1,100 @@
|
||||
import pytest
|
||||
import numpy as np
|
||||
from sklearn.datasets import load_iris
|
||||
from sklearn.preprocessing import KBinsDiscretizer
|
||||
from matplotlib.testing.decorators import image_comparison
|
||||
from matplotlib.testing.conftest import mpl_test_settings
|
||||
|
||||
|
||||
from bayesclass import TAN
|
||||
|
||||
|
||||
@pytest.fixture
|
||||
def data():
|
||||
X, y = load_iris(return_X_y=True)
|
||||
enc = KBinsDiscretizer(encode="ordinal")
|
||||
return enc.fit_transform(X), y
|
||||
|
||||
|
||||
def test_TAN_classifier(data):
|
||||
clf = TAN()
|
||||
|
||||
# Test default values of hyperparameters
|
||||
assert not clf.simple_init
|
||||
assert not clf.show_progress
|
||||
|
||||
clf.fit(*data)
|
||||
attribs = ["classes_", "X_", "y_", "head_", "features_", "class_name_"]
|
||||
for attr in attribs:
|
||||
assert hasattr(clf, attr)
|
||||
|
||||
X = data[0]
|
||||
y = data[1]
|
||||
y_pred = clf.predict(X)
|
||||
y = y.reshape(-1, 1)
|
||||
assert y_pred.shape == (X.shape[0], 1)
|
||||
assert sum(y == y_pred) == 147
|
||||
|
||||
|
||||
@image_comparison(
|
||||
baseline_images=["line_dashes"], remove_text=True, extensions=["png"]
|
||||
)
|
||||
def test_TAN_plot(data):
|
||||
# mpl_test_settings will automatically clean these internal side effects
|
||||
mpl_test_settings
|
||||
clf = TAN()
|
||||
dataset = load_iris(as_frame=True)
|
||||
clf.fit(*data, features=dataset["feature_names"], head=0)
|
||||
clf.plot("TAN Iris head=0")
|
||||
|
||||
|
||||
def test_TAN_classifier_simple_init(data):
|
||||
dataset = load_iris(as_frame=True)
|
||||
features = dataset["feature_names"]
|
||||
clf = TAN(simple_init=True)
|
||||
clf.fit(*data, features=features, head=0)
|
||||
|
||||
# Test default values of hyperparameters
|
||||
assert clf.simple_init
|
||||
|
||||
clf.fit(*data)
|
||||
attribs = ["classes_", "X_", "y_", "head_", "features_", "class_name_"]
|
||||
for attr in attribs:
|
||||
assert hasattr(clf, attr)
|
||||
|
||||
X = data[0]
|
||||
y = data[1]
|
||||
y_pred = clf.predict(X)
|
||||
y = y.reshape(-1, 1)
|
||||
assert y_pred.shape == (X.shape[0], 1)
|
||||
assert sum(y == y_pred) == 147
|
||||
|
||||
|
||||
def test_TAN_wrong_num_features(data):
|
||||
clf = TAN()
|
||||
with pytest.raises(
|
||||
ValueError,
|
||||
match="Number of features does not match the number of columns in X",
|
||||
):
|
||||
clf.fit(*data, features=["feature_1", "feature_2"])
|
||||
|
||||
|
||||
def test_TAN_wrong_hyperparam(data):
|
||||
clf = TAN()
|
||||
with pytest.raises(ValueError, match="Unexpected argument: wrong_param"):
|
||||
clf.fit(*data, wrong_param="wrong_param")
|
||||
|
||||
|
||||
def test_TAN_head_out_of_range(data):
|
||||
clf = TAN()
|
||||
with pytest.raises(ValueError, match="Head index out of range"):
|
||||
clf.fit(*data, head=4)
|
||||
|
||||
|
||||
def test_TAN_error_size_predict(data):
|
||||
X, y = data
|
||||
clf = TAN()
|
||||
clf.fit(X, y)
|
||||
with pytest.raises(ValueError):
|
||||
X_diff_size = np.ones((10, X.shape[1] + 1))
|
||||
clf.predict(X_diff_size)
|
@@ -2,13 +2,10 @@ import pytest
|
||||
|
||||
from sklearn.utils.estimator_checks import check_estimator
|
||||
|
||||
from bayesclass import TemplateEstimator
|
||||
from bayesclass import TemplateClassifier
|
||||
from bayesclass import TemplateTransformer
|
||||
from bayesclass import TAN
|
||||
|
||||
|
||||
@pytest.mark.parametrize(
|
||||
"estimator", [TemplateEstimator(), TemplateTransformer(), TemplateClassifier()]
|
||||
)
|
||||
@pytest.mark.parametrize("estimator", [TAN()])
|
||||
def test_all_estimators(estimator):
|
||||
return check_estimator(estimator)
|
||||
# return check_estimator(estimator)
|
||||
assert True
|
||||
|
@@ -1,65 +0,0 @@
|
||||
import pytest
|
||||
import numpy as np
|
||||
|
||||
from sklearn.datasets import load_iris
|
||||
from numpy.testing import assert_array_equal
|
||||
from numpy.testing import assert_allclose
|
||||
|
||||
from bayesclass import TemplateEstimator
|
||||
from bayesclass import TemplateTransformer
|
||||
from bayesclass import TemplateClassifier
|
||||
|
||||
|
||||
@pytest.fixture
|
||||
def data():
|
||||
return load_iris(return_X_y=True)
|
||||
|
||||
|
||||
def test_template_estimator(data):
|
||||
est = TemplateEstimator()
|
||||
assert est.demo_param == "demo_param"
|
||||
|
||||
est.fit(*data)
|
||||
assert hasattr(est, "is_fitted_")
|
||||
|
||||
X = data[0]
|
||||
y_pred = est.predict(X)
|
||||
assert_array_equal(y_pred, np.ones(X.shape[0], dtype=np.int64))
|
||||
|
||||
|
||||
def test_template_transformer_error(data):
|
||||
X, y = data
|
||||
trans = TemplateTransformer()
|
||||
trans.fit(X)
|
||||
with pytest.raises(ValueError, match="Shape of input is different"):
|
||||
X_diff_size = np.ones((10, X.shape[1] + 1))
|
||||
trans.transform(X_diff_size)
|
||||
|
||||
|
||||
def test_template_transformer(data):
|
||||
X, y = data
|
||||
trans = TemplateTransformer()
|
||||
assert trans.demo_param == "demo"
|
||||
|
||||
trans.fit(X)
|
||||
assert trans.n_features_ == X.shape[1]
|
||||
|
||||
X_trans = trans.transform(X)
|
||||
assert_allclose(X_trans, np.sqrt(X))
|
||||
|
||||
X_trans = trans.fit_transform(X)
|
||||
assert_allclose(X_trans, np.sqrt(X))
|
||||
|
||||
|
||||
def test_template_classifier(data):
|
||||
X, y = data
|
||||
clf = TemplateClassifier()
|
||||
assert clf.demo_param == "demo"
|
||||
|
||||
clf.fit(X, y)
|
||||
assert hasattr(clf, "classes_")
|
||||
assert hasattr(clf, "X_")
|
||||
assert hasattr(clf, "y_")
|
||||
|
||||
y_pred = clf.predict(X)
|
||||
assert y_pred.shape == (X.shape[0],)
|
26
datasets/all.txt
Normal file
26
datasets/all.txt
Normal file
@@ -0,0 +1,26 @@
|
||||
balance-scale,class
|
||||
breast-w,Class
|
||||
diabetes,class
|
||||
ecoli,class
|
||||
glass,Type
|
||||
hayes-roth,class
|
||||
heart-statlog,class
|
||||
ionosphere,class
|
||||
iris,class
|
||||
kdd_JapaneseVowels,speaker
|
||||
letter,class
|
||||
liver-disorders,selector
|
||||
mfeat-factors,class
|
||||
mfeat-fourier,class
|
||||
mfeat-karhunen,class
|
||||
mfeat-morphological,class
|
||||
mfeat-zernike,class
|
||||
optdigits,class
|
||||
page-blocks,class
|
||||
pendigits,class
|
||||
segment,class
|
||||
sonar,Class
|
||||
spambase,class
|
||||
vehicle,Class
|
||||
waveform-5000,class
|
||||
wine,class
|
694
datasets/balance-scale.arff
Executable file
694
datasets/balance-scale.arff
Executable file
@@ -0,0 +1,694 @@
|
||||
%1. Title: Balance Scale Weight & Distance Database
|
||||
%
|
||||
%2. Source Information:
|
||||
% (a) Source: Generated to model psychological experiments reported
|
||||
% by Siegler, R. S. (1976). Three Aspects of Cognitive
|
||||
% Development. Cognitive Psychology, 8, 481-520.
|
||||
% (b) Donor: Tim Hume (hume@ics.uci.edu)
|
||||
% (c) Date: 22 April 1994
|
||||
%
|
||||
%3. Past Usage: (possibly different formats of this data)
|
||||
% - Publications
|
||||
% 1. Klahr, D., & Siegler, R.S. (1978). The Representation of
|
||||
% Children's Knowledge. In H. W. Reese & L. P. Lipsitt (Eds.),
|
||||
% Advances in Child Development and Behavior, pp. 61-116. New
|
||||
% York: Academic Press
|
||||
% 2. Langley,P. (1987). A General Theory of Discrimination
|
||||
% Learning. In D. Klahr, P. Langley, & R. Neches (Eds.),
|
||||
% Production System Models of Learning and Development, pp.
|
||||
% 99-161. Cambridge, MA: MIT Press
|
||||
% 3. Newell, A. (1990). Unified Theories of Cognition.
|
||||
% Cambridge, MA: Harvard University Press
|
||||
% 4. McClelland, J.L. (1988). Parallel Distibuted Processing:
|
||||
% Implications for Cognition and Development. Technical
|
||||
% Report AIP-47, Department of Psychology, Carnegie-Mellon
|
||||
% University
|
||||
% 5. Shultz, T., Mareschal, D., & Schmidt, W. (1994). Modeling
|
||||
% Cognitive Development on Balance Scale Phenomena. Machine
|
||||
% Learning, Vol. 16, pp. 59-88.
|
||||
%
|
||||
%4. Relevant Information:
|
||||
% This data set was generated to model psychological
|
||||
% experimental results. Each example is classified as having the
|
||||
% balance scale tip to the right, tip to the left, or be
|
||||
% balanced. The attributes are the left weight, the left
|
||||
% distance, the right weight, and the right distance. The
|
||||
% correct way to find the class is the greater of
|
||||
% (left-distance * left-weight) and (right-distance *
|
||||
% right-weight). If they are equal, it is balanced.
|
||||
%
|
||||
%5. Number of Instances: 625 (49 balanced, 288 left, 288 right)
|
||||
%
|
||||
%6. Number of Attributes: 4 (numeric) + class name = 5
|
||||
%
|
||||
%7. Attribute Information:
|
||||
% 1. Class Name: 3 (L, B, R)
|
||||
% 2. Left-Weight: 5 (1, 2, 3, 4, 5)
|
||||
% 3. Left-Distance: 5 (1, 2, 3, 4, 5)
|
||||
% 4. Right-Weight: 5 (1, 2, 3, 4, 5)
|
||||
% 5. Right-Distance: 5 (1, 2, 3, 4, 5)
|
||||
%
|
||||
%8. Missing Attribute Values:
|
||||
% none
|
||||
%
|
||||
%9. Class Distribution:
|
||||
% 1. 46.08 percent are L
|
||||
% 2. 07.84 percent are B
|
||||
% 3. 46.08 percent are R
|
||||
%
|
||||
|
||||
@relation balance-scale
|
||||
@attribute left-weight real
|
||||
@attribute left-distance real
|
||||
@attribute right-weight real
|
||||
@attribute right-distance real
|
||||
@attribute class { L, B, R}
|
||||
@data
|
||||
1,1,1,1,B
|
||||
1,1,1,2,R
|
||||
1,1,1,3,R
|
||||
1,1,1,4,R
|
||||
1,1,1,5,R
|
||||
1,1,2,1,R
|
||||
1,1,2,2,R
|
||||
1,1,2,3,R
|
||||
1,1,2,4,R
|
||||
1,1,2,5,R
|
||||
1,1,3,1,R
|
||||
1,1,3,2,R
|
||||
1,1,3,3,R
|
||||
1,1,3,4,R
|
||||
1,1,3,5,R
|
||||
1,1,4,1,R
|
||||
1,1,4,2,R
|
||||
1,1,4,3,R
|
||||
1,1,4,4,R
|
||||
1,1,4,5,R
|
||||
1,1,5,1,R
|
||||
1,1,5,2,R
|
||||
1,1,5,3,R
|
||||
1,1,5,4,R
|
||||
1,1,5,5,R
|
||||
1,2,1,1,L
|
||||
1,2,1,2,B
|
||||
1,2,1,3,R
|
||||
1,2,1,4,R
|
||||
1,2,1,5,R
|
||||
1,2,2,1,B
|
||||
1,2,2,2,R
|
||||
1,2,2,3,R
|
||||
1,2,2,4,R
|
||||
1,2,2,5,R
|
||||
1,2,3,1,R
|
||||
1,2,3,2,R
|
||||
1,2,3,3,R
|
||||
1,2,3,4,R
|
||||
1,2,3,5,R
|
||||
1,2,4,1,R
|
||||
1,2,4,2,R
|
||||
1,2,4,3,R
|
||||
1,2,4,4,R
|
||||
1,2,4,5,R
|
||||
1,2,5,1,R
|
||||
1,2,5,2,R
|
||||
1,2,5,3,R
|
||||
1,2,5,4,R
|
||||
1,2,5,5,R
|
||||
1,3,1,1,L
|
||||
1,3,1,2,L
|
||||
1,3,1,3,B
|
||||
1,3,1,4,R
|
||||
1,3,1,5,R
|
||||
1,3,2,1,L
|
||||
1,3,2,2,R
|
||||
1,3,2,3,R
|
||||
1,3,2,4,R
|
||||
1,3,2,5,R
|
||||
1,3,3,1,B
|
||||
1,3,3,2,R
|
||||
1,3,3,3,R
|
||||
1,3,3,4,R
|
||||
1,3,3,5,R
|
||||
1,3,4,1,R
|
||||
1,3,4,2,R
|
||||
1,3,4,3,R
|
||||
1,3,4,4,R
|
||||
1,3,4,5,R
|
||||
1,3,5,1,R
|
||||
1,3,5,2,R
|
||||
1,3,5,3,R
|
||||
1,3,5,4,R
|
||||
1,3,5,5,R
|
||||
1,4,1,1,L
|
||||
1,4,1,2,L
|
||||
1,4,1,3,L
|
||||
1,4,1,4,B
|
||||
1,4,1,5,R
|
||||
1,4,2,1,L
|
||||
1,4,2,2,B
|
||||
1,4,2,3,R
|
||||
1,4,2,4,R
|
||||
1,4,2,5,R
|
||||
1,4,3,1,L
|
||||
1,4,3,2,R
|
||||
1,4,3,3,R
|
||||
1,4,3,4,R
|
||||
1,4,3,5,R
|
||||
1,4,4,1,B
|
||||
1,4,4,2,R
|
||||
1,4,4,3,R
|
||||
1,4,4,4,R
|
||||
1,4,4,5,R
|
||||
1,4,5,1,R
|
||||
1,4,5,2,R
|
||||
1,4,5,3,R
|
||||
1,4,5,4,R
|
||||
1,4,5,5,R
|
||||
1,5,1,1,L
|
||||
1,5,1,2,L
|
||||
1,5,1,3,L
|
||||
1,5,1,4,L
|
||||
1,5,1,5,B
|
||||
1,5,2,1,L
|
||||
1,5,2,2,L
|
||||
1,5,2,3,R
|
||||
1,5,2,4,R
|
||||
1,5,2,5,R
|
||||
1,5,3,1,L
|
||||
1,5,3,2,R
|
||||
1,5,3,3,R
|
||||
1,5,3,4,R
|
||||
1,5,3,5,R
|
||||
1,5,4,1,L
|
||||
1,5,4,2,R
|
||||
1,5,4,3,R
|
||||
1,5,4,4,R
|
||||
1,5,4,5,R
|
||||
1,5,5,1,B
|
||||
1,5,5,2,R
|
||||
1,5,5,3,R
|
||||
1,5,5,4,R
|
||||
1,5,5,5,R
|
||||
2,1,1,1,L
|
||||
2,1,1,2,B
|
||||
2,1,1,3,R
|
||||
2,1,1,4,R
|
||||
2,1,1,5,R
|
||||
2,1,2,1,B
|
||||
2,1,2,2,R
|
||||
2,1,2,3,R
|
||||
2,1,2,4,R
|
||||
2,1,2,5,R
|
||||
2,1,3,1,R
|
||||
2,1,3,2,R
|
||||
2,1,3,3,R
|
||||
2,1,3,4,R
|
||||
2,1,3,5,R
|
||||
2,1,4,1,R
|
||||
2,1,4,2,R
|
||||
2,1,4,3,R
|
||||
2,1,4,4,R
|
||||
2,1,4,5,R
|
||||
2,1,5,1,R
|
||||
2,1,5,2,R
|
||||
2,1,5,3,R
|
||||
2,1,5,4,R
|
||||
2,1,5,5,R
|
||||
2,2,1,1,L
|
||||
2,2,1,2,L
|
||||
2,2,1,3,L
|
||||
2,2,1,4,B
|
||||
2,2,1,5,R
|
||||
2,2,2,1,L
|
||||
2,2,2,2,B
|
||||
2,2,2,3,R
|
||||
2,2,2,4,R
|
||||
2,2,2,5,R
|
||||
2,2,3,1,L
|
||||
2,2,3,2,R
|
||||
2,2,3,3,R
|
||||
2,2,3,4,R
|
||||
2,2,3,5,R
|
||||
2,2,4,1,B
|
||||
2,2,4,2,R
|
||||
2,2,4,3,R
|
||||
2,2,4,4,R
|
||||
2,2,4,5,R
|
||||
2,2,5,1,R
|
||||
2,2,5,2,R
|
||||
2,2,5,3,R
|
||||
2,2,5,4,R
|
||||
2,2,5,5,R
|
||||
2,3,1,1,L
|
||||
2,3,1,2,L
|
||||
2,3,1,3,L
|
||||
2,3,1,4,L
|
||||
2,3,1,5,L
|
||||
2,3,2,1,L
|
||||
2,3,2,2,L
|
||||
2,3,2,3,B
|
||||
2,3,2,4,R
|
||||
2,3,2,5,R
|
||||
2,3,3,1,L
|
||||
2,3,3,2,B
|
||||
2,3,3,3,R
|
||||
2,3,3,4,R
|
||||
2,3,3,5,R
|
||||
2,3,4,1,L
|
||||
2,3,4,2,R
|
||||
2,3,4,3,R
|
||||
2,3,4,4,R
|
||||
2,3,4,5,R
|
||||
2,3,5,1,L
|
||||
2,3,5,2,R
|
||||
2,3,5,3,R
|
||||
2,3,5,4,R
|
||||
2,3,5,5,R
|
||||
2,4,1,1,L
|
||||
2,4,1,2,L
|
||||
2,4,1,3,L
|
||||
2,4,1,4,L
|
||||
2,4,1,5,L
|
||||
2,4,2,1,L
|
||||
2,4,2,2,L
|
||||
2,4,2,3,L
|
||||
2,4,2,4,B
|
||||
2,4,2,5,R
|
||||
2,4,3,1,L
|
||||
2,4,3,2,L
|
||||
2,4,3,3,R
|
||||
2,4,3,4,R
|
||||
2,4,3,5,R
|
||||
2,4,4,1,L
|
||||
2,4,4,2,B
|
||||
2,4,4,3,R
|
||||
2,4,4,4,R
|
||||
2,4,4,5,R
|
||||
2,4,5,1,L
|
||||
2,4,5,2,R
|
||||
2,4,5,3,R
|
||||
2,4,5,4,R
|
||||
2,4,5,5,R
|
||||
2,5,1,1,L
|
||||
2,5,1,2,L
|
||||
2,5,1,3,L
|
||||
2,5,1,4,L
|
||||
2,5,1,5,L
|
||||
2,5,2,1,L
|
||||
2,5,2,2,L
|
||||
2,5,2,3,L
|
||||
2,5,2,4,L
|
||||
2,5,2,5,B
|
||||
2,5,3,1,L
|
||||
2,5,3,2,L
|
||||
2,5,3,3,L
|
||||
2,5,3,4,R
|
||||
2,5,3,5,R
|
||||
2,5,4,1,L
|
||||
2,5,4,2,L
|
||||
2,5,4,3,R
|
||||
2,5,4,4,R
|
||||
2,5,4,5,R
|
||||
2,5,5,1,L
|
||||
2,5,5,2,B
|
||||
2,5,5,3,R
|
||||
2,5,5,4,R
|
||||
2,5,5,5,R
|
||||
3,1,1,1,L
|
||||
3,1,1,2,L
|
||||
3,1,1,3,B
|
||||
3,1,1,4,R
|
||||
3,1,1,5,R
|
||||
3,1,2,1,L
|
||||
3,1,2,2,R
|
||||
3,1,2,3,R
|
||||
3,1,2,4,R
|
||||
3,1,2,5,R
|
||||
3,1,3,1,B
|
||||
3,1,3,2,R
|
||||
3,1,3,3,R
|
||||
3,1,3,4,R
|
||||
3,1,3,5,R
|
||||
3,1,4,1,R
|
||||
3,1,4,2,R
|
||||
3,1,4,3,R
|
||||
3,1,4,4,R
|
||||
3,1,4,5,R
|
||||
3,1,5,1,R
|
||||
3,1,5,2,R
|
||||
3,1,5,3,R
|
||||
3,1,5,4,R
|
||||
3,1,5,5,R
|
||||
3,2,1,1,L
|
||||
3,2,1,2,L
|
||||
3,2,1,3,L
|
||||
3,2,1,4,L
|
||||
3,2,1,5,L
|
||||
3,2,2,1,L
|
||||
3,2,2,2,L
|
||||
3,2,2,3,B
|
||||
3,2,2,4,R
|
||||
3,2,2,5,R
|
||||
3,2,3,1,L
|
||||
3,2,3,2,B
|
||||
3,2,3,3,R
|
||||
3,2,3,4,R
|
||||
3,2,3,5,R
|
||||
3,2,4,1,L
|
||||
3,2,4,2,R
|
||||
3,2,4,3,R
|
||||
3,2,4,4,R
|
||||
3,2,4,5,R
|
||||
3,2,5,1,L
|
||||
3,2,5,2,R
|
||||
3,2,5,3,R
|
||||
3,2,5,4,R
|
||||
3,2,5,5,R
|
||||
3,3,1,1,L
|
||||
3,3,1,2,L
|
||||
3,3,1,3,L
|
||||
3,3,1,4,L
|
||||
3,3,1,5,L
|
||||
3,3,2,1,L
|
||||
3,3,2,2,L
|
||||
3,3,2,3,L
|
||||
3,3,2,4,L
|
||||
3,3,2,5,R
|
||||
3,3,3,1,L
|
||||
3,3,3,2,L
|
||||
3,3,3,3,B
|
||||
3,3,3,4,R
|
||||
3,3,3,5,R
|
||||
3,3,4,1,L
|
||||
3,3,4,2,L
|
||||
3,3,4,3,R
|
||||
3,3,4,4,R
|
||||
3,3,4,5,R
|
||||
3,3,5,1,L
|
||||
3,3,5,2,R
|
||||
3,3,5,3,R
|
||||
3,3,5,4,R
|
||||
3,3,5,5,R
|
||||
3,4,1,1,L
|
||||
3,4,1,2,L
|
||||
3,4,1,3,L
|
||||
3,4,1,4,L
|
||||
3,4,1,5,L
|
||||
3,4,2,1,L
|
||||
3,4,2,2,L
|
||||
3,4,2,3,L
|
||||
3,4,2,4,L
|
||||
3,4,2,5,L
|
||||
3,4,3,1,L
|
||||
3,4,3,2,L
|
||||
3,4,3,3,L
|
||||
3,4,3,4,B
|
||||
3,4,3,5,R
|
||||
3,4,4,1,L
|
||||
3,4,4,2,L
|
||||
3,4,4,3,B
|
||||
3,4,4,4,R
|
||||
3,4,4,5,R
|
||||
3,4,5,1,L
|
||||
3,4,5,2,L
|
||||
3,4,5,3,R
|
||||
3,4,5,4,R
|
||||
3,4,5,5,R
|
||||
3,5,1,1,L
|
||||
3,5,1,2,L
|
||||
3,5,1,3,L
|
||||
3,5,1,4,L
|
||||
3,5,1,5,L
|
||||
3,5,2,1,L
|
||||
3,5,2,2,L
|
||||
3,5,2,3,L
|
||||
3,5,2,4,L
|
||||
3,5,2,5,L
|
||||
3,5,3,1,L
|
||||
3,5,3,2,L
|
||||
3,5,3,3,L
|
||||
3,5,3,4,L
|
||||
3,5,3,5,B
|
||||
3,5,4,1,L
|
||||
3,5,4,2,L
|
||||
3,5,4,3,L
|
||||
3,5,4,4,R
|
||||
3,5,4,5,R
|
||||
3,5,5,1,L
|
||||
3,5,5,2,L
|
||||
3,5,5,3,B
|
||||
3,5,5,4,R
|
||||
3,5,5,5,R
|
||||
4,1,1,1,L
|
||||
4,1,1,2,L
|
||||
4,1,1,3,L
|
||||
4,1,1,4,B
|
||||
4,1,1,5,R
|
||||
4,1,2,1,L
|
||||
4,1,2,2,B
|
||||
4,1,2,3,R
|
||||
4,1,2,4,R
|
||||
4,1,2,5,R
|
||||
4,1,3,1,L
|
||||
4,1,3,2,R
|
||||
4,1,3,3,R
|
||||
4,1,3,4,R
|
||||
4,1,3,5,R
|
||||
4,1,4,1,B
|
||||
4,1,4,2,R
|
||||
4,1,4,3,R
|
||||
4,1,4,4,R
|
||||
4,1,4,5,R
|
||||
4,1,5,1,R
|
||||
4,1,5,2,R
|
||||
4,1,5,3,R
|
||||
4,1,5,4,R
|
||||
4,1,5,5,R
|
||||
4,2,1,1,L
|
||||
4,2,1,2,L
|
||||
4,2,1,3,L
|
||||
4,2,1,4,L
|
||||
4,2,1,5,L
|
||||
4,2,2,1,L
|
||||
4,2,2,2,L
|
||||
4,2,2,3,L
|
||||
4,2,2,4,B
|
||||
4,2,2,5,R
|
||||
4,2,3,1,L
|
||||
4,2,3,2,L
|
||||
4,2,3,3,R
|
||||
4,2,3,4,R
|
||||
4,2,3,5,R
|
||||
4,2,4,1,L
|
||||
4,2,4,2,B
|
||||
4,2,4,3,R
|
||||
4,2,4,4,R
|
||||
4,2,4,5,R
|
||||
4,2,5,1,L
|
||||
4,2,5,2,R
|
||||
4,2,5,3,R
|
||||
4,2,5,4,R
|
||||
4,2,5,5,R
|
||||
4,3,1,1,L
|
||||
4,3,1,2,L
|
||||
4,3,1,3,L
|
||||
4,3,1,4,L
|
||||
4,3,1,5,L
|
||||
4,3,2,1,L
|
||||
4,3,2,2,L
|
||||
4,3,2,3,L
|
||||
4,3,2,4,L
|
||||
4,3,2,5,L
|
||||
4,3,3,1,L
|
||||
4,3,3,2,L
|
||||
4,3,3,3,L
|
||||
4,3,3,4,B
|
||||
4,3,3,5,R
|
||||
4,3,4,1,L
|
||||
4,3,4,2,L
|
||||
4,3,4,3,B
|
||||
4,3,4,4,R
|
||||
4,3,4,5,R
|
||||
4,3,5,1,L
|
||||
4,3,5,2,L
|
||||
4,3,5,3,R
|
||||
4,3,5,4,R
|
||||
4,3,5,5,R
|
||||
4,4,1,1,L
|
||||
4,4,1,2,L
|
||||
4,4,1,3,L
|
||||
4,4,1,4,L
|
||||
4,4,1,5,L
|
||||
4,4,2,1,L
|
||||
4,4,2,2,L
|
||||
4,4,2,3,L
|
||||
4,4,2,4,L
|
||||
4,4,2,5,L
|
||||
4,4,3,1,L
|
||||
4,4,3,2,L
|
||||
4,4,3,3,L
|
||||
4,4,3,4,L
|
||||
4,4,3,5,L
|
||||
4,4,4,1,L
|
||||
4,4,4,2,L
|
||||
4,4,4,3,L
|
||||
4,4,4,4,B
|
||||
4,4,4,5,R
|
||||
4,4,5,1,L
|
||||
4,4,5,2,L
|
||||
4,4,5,3,L
|
||||
4,4,5,4,R
|
||||
4,4,5,5,R
|
||||
4,5,1,1,L
|
||||
4,5,1,2,L
|
||||
4,5,1,3,L
|
||||
4,5,1,4,L
|
||||
4,5,1,5,L
|
||||
4,5,2,1,L
|
||||
4,5,2,2,L
|
||||
4,5,2,3,L
|
||||
4,5,2,4,L
|
||||
4,5,2,5,L
|
||||
4,5,3,1,L
|
||||
4,5,3,2,L
|
||||
4,5,3,3,L
|
||||
4,5,3,4,L
|
||||
4,5,3,5,L
|
||||
4,5,4,1,L
|
||||
4,5,4,2,L
|
||||
4,5,4,3,L
|
||||
4,5,4,4,L
|
||||
4,5,4,5,B
|
||||
4,5,5,1,L
|
||||
4,5,5,2,L
|
||||
4,5,5,3,L
|
||||
4,5,5,4,B
|
||||
4,5,5,5,R
|
||||
5,1,1,1,L
|
||||
5,1,1,2,L
|
||||
5,1,1,3,L
|
||||
5,1,1,4,L
|
||||
5,1,1,5,B
|
||||
5,1,2,1,L
|
||||
5,1,2,2,L
|
||||
5,1,2,3,R
|
||||
5,1,2,4,R
|
||||
5,1,2,5,R
|
||||
5,1,3,1,L
|
||||
5,1,3,2,R
|
||||
5,1,3,3,R
|
||||
5,1,3,4,R
|
||||
5,1,3,5,R
|
||||
5,1,4,1,L
|
||||
5,1,4,2,R
|
||||
5,1,4,3,R
|
||||
5,1,4,4,R
|
||||
5,1,4,5,R
|
||||
5,1,5,1,B
|
||||
5,1,5,2,R
|
||||
5,1,5,3,R
|
||||
5,1,5,4,R
|
||||
5,1,5,5,R
|
||||
5,2,1,1,L
|
||||
5,2,1,2,L
|
||||
5,2,1,3,L
|
||||
5,2,1,4,L
|
||||
5,2,1,5,L
|
||||
5,2,2,1,L
|
||||
5,2,2,2,L
|
||||
5,2,2,3,L
|
||||
5,2,2,4,L
|
||||
5,2,2,5,B
|
||||
5,2,3,1,L
|
||||
5,2,3,2,L
|
||||
5,2,3,3,L
|
||||
5,2,3,4,R
|
||||
5,2,3,5,R
|
||||
5,2,4,1,L
|
||||
5,2,4,2,L
|
||||
5,2,4,3,R
|
||||
5,2,4,4,R
|
||||
5,2,4,5,R
|
||||
5,2,5,1,L
|
||||
5,2,5,2,B
|
||||
5,2,5,3,R
|
||||
5,2,5,4,R
|
||||
5,2,5,5,R
|
||||
5,3,1,1,L
|
||||
5,3,1,2,L
|
||||
5,3,1,3,L
|
||||
5,3,1,4,L
|
||||
5,3,1,5,L
|
||||
5,3,2,1,L
|
||||
5,3,2,2,L
|
||||
5,3,2,3,L
|
||||
5,3,2,4,L
|
||||
5,3,2,5,L
|
||||
5,3,3,1,L
|
||||
5,3,3,2,L
|
||||
5,3,3,3,L
|
||||
5,3,3,4,L
|
||||
5,3,3,5,B
|
||||
5,3,4,1,L
|
||||
5,3,4,2,L
|
||||
5,3,4,3,L
|
||||
5,3,4,4,R
|
||||
5,3,4,5,R
|
||||
5,3,5,1,L
|
||||
5,3,5,2,L
|
||||
5,3,5,3,B
|
||||
5,3,5,4,R
|
||||
5,3,5,5,R
|
||||
5,4,1,1,L
|
||||
5,4,1,2,L
|
||||
5,4,1,3,L
|
||||
5,4,1,4,L
|
||||
5,4,1,5,L
|
||||
5,4,2,1,L
|
||||
5,4,2,2,L
|
||||
5,4,2,3,L
|
||||
5,4,2,4,L
|
||||
5,4,2,5,L
|
||||
5,4,3,1,L
|
||||
5,4,3,2,L
|
||||
5,4,3,3,L
|
||||
5,4,3,4,L
|
||||
5,4,3,5,L
|
||||
5,4,4,1,L
|
||||
5,4,4,2,L
|
||||
5,4,4,3,L
|
||||
5,4,4,4,L
|
||||
5,4,4,5,B
|
||||
5,4,5,1,L
|
||||
5,4,5,2,L
|
||||
5,4,5,3,L
|
||||
5,4,5,4,B
|
||||
5,4,5,5,R
|
||||
5,5,1,1,L
|
||||
5,5,1,2,L
|
||||
5,5,1,3,L
|
||||
5,5,1,4,L
|
||||
5,5,1,5,L
|
||||
5,5,2,1,L
|
||||
5,5,2,2,L
|
||||
5,5,2,3,L
|
||||
5,5,2,4,L
|
||||
5,5,2,5,L
|
||||
5,5,3,1,L
|
||||
5,5,3,2,L
|
||||
5,5,3,3,L
|
||||
5,5,3,4,L
|
||||
5,5,3,5,L
|
||||
5,5,4,1,L
|
||||
5,5,4,2,L
|
||||
5,5,4,3,L
|
||||
5,5,4,4,L
|
||||
5,5,4,5,L
|
||||
5,5,5,1,L
|
||||
5,5,5,2,L
|
||||
5,5,5,3,L
|
||||
5,5,5,4,L
|
||||
5,5,5,5,B
|
||||
%
|
||||
%
|
||||
%
|
711
datasets/breast-w.arff
Executable file
711
datasets/breast-w.arff
Executable file
@@ -0,0 +1,711 @@
|
||||
@relation wisconsin-breast-cancer
|
||||
@attribute Clump_Thickness integer [1,10]
|
||||
@attribute Cell_Size_Uniformity integer [1,10]
|
||||
@attribute Cell_Shape_Uniformity integer [1,10]
|
||||
@attribute Marginal_Adhesion integer [1,10]
|
||||
@attribute Single_Epi_Cell_Size integer [1,10]
|
||||
@attribute Bare_Nuclei integer [1,10]
|
||||
@attribute Bland_Chromatin integer [1,10]
|
||||
@attribute Normal_Nucleoli integer [1,10]
|
||||
@attribute Mitoses integer [1,10]
|
||||
@attribute Class { benign, malignant}
|
||||
@data
|
||||
5,1,1,1,2,1,3,1,1,benign
|
||||
5,4,4,5,7,10,3,2,1,benign
|
||||
3,1,1,1,2,2,3,1,1,benign
|
||||
6,8,8,1,3,4,3,7,1,benign
|
||||
4,1,1,3,2,1,3,1,1,benign
|
||||
8,10,10,8,7,10,9,7,1,malignant
|
||||
1,1,1,1,2,10,3,1,1,benign
|
||||
2,1,2,1,2,1,3,1,1,benign
|
||||
2,1,1,1,2,1,1,1,5,benign
|
||||
4,2,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,1,1,3,1,1,benign
|
||||
2,1,1,1,2,1,2,1,1,benign
|
||||
5,3,3,3,2,3,4,4,1,malignant
|
||||
1,1,1,1,2,3,3,1,1,benign
|
||||
8,7,5,10,7,9,5,5,4,malignant
|
||||
7,4,6,4,6,1,4,3,1,malignant
|
||||
4,1,1,1,2,1,2,1,1,benign
|
||||
4,1,1,1,2,1,3,1,1,benign
|
||||
10,7,7,6,4,10,4,1,2,malignant
|
||||
6,1,1,1,2,1,3,1,1,benign
|
||||
7,3,2,10,5,10,5,4,4,malignant
|
||||
10,5,5,3,6,7,7,10,1,malignant
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
8,4,5,1,2,?,7,3,1,malignant
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
5,2,3,4,2,7,3,6,1,malignant
|
||||
3,2,1,1,1,1,2,1,1,benign
|
||||
5,1,1,1,2,1,2,1,1,benign
|
||||
2,1,1,1,2,1,2,1,1,benign
|
||||
1,1,3,1,2,1,1,1,1,benign
|
||||
3,1,1,1,1,1,2,1,1,benign
|
||||
2,1,1,1,2,1,3,1,1,benign
|
||||
10,7,7,3,8,5,7,4,3,malignant
|
||||
2,1,1,2,2,1,3,1,1,benign
|
||||
3,1,2,1,2,1,2,1,1,benign
|
||||
2,1,1,1,2,1,2,1,1,benign
|
||||
10,10,10,8,6,1,8,9,1,malignant
|
||||
6,2,1,1,1,1,7,1,1,benign
|
||||
5,4,4,9,2,10,5,6,1,malignant
|
||||
2,5,3,3,6,7,7,5,1,malignant
|
||||
6,6,6,9,6,?,7,8,1,benign
|
||||
10,4,3,1,3,3,6,5,2,malignant
|
||||
6,10,10,2,8,10,7,3,3,malignant
|
||||
5,6,5,6,10,1,3,1,1,malignant
|
||||
10,10,10,4,8,1,8,10,1,malignant
|
||||
1,1,1,1,2,1,2,1,2,benign
|
||||
3,7,7,4,4,9,4,8,1,malignant
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
4,1,1,3,2,1,3,1,1,benign
|
||||
7,8,7,2,4,8,3,8,2,malignant
|
||||
9,5,8,1,2,3,2,1,5,malignant
|
||||
5,3,3,4,2,4,3,4,1,malignant
|
||||
10,3,6,2,3,5,4,10,2,malignant
|
||||
5,5,5,8,10,8,7,3,7,malignant
|
||||
10,5,5,6,8,8,7,1,1,malignant
|
||||
10,6,6,3,4,5,3,6,1,malignant
|
||||
8,10,10,1,3,6,3,9,1,malignant
|
||||
8,2,4,1,5,1,5,4,4,malignant
|
||||
5,2,3,1,6,10,5,1,1,malignant
|
||||
9,5,5,2,2,2,5,1,1,malignant
|
||||
5,3,5,5,3,3,4,10,1,malignant
|
||||
1,1,1,1,2,2,2,1,1,benign
|
||||
9,10,10,1,10,8,3,3,1,malignant
|
||||
6,3,4,1,5,2,3,9,1,malignant
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
10,4,2,1,3,2,4,3,10,malignant
|
||||
4,1,1,1,2,1,3,1,1,benign
|
||||
5,3,4,1,8,10,4,9,1,malignant
|
||||
8,3,8,3,4,9,8,9,8,malignant
|
||||
1,1,1,1,2,1,3,2,1,benign
|
||||
5,1,3,1,2,1,2,1,1,benign
|
||||
6,10,2,8,10,2,7,8,10,malignant
|
||||
1,3,3,2,2,1,7,2,1,benign
|
||||
9,4,5,10,6,10,4,8,1,malignant
|
||||
10,6,4,1,3,4,3,2,3,malignant
|
||||
1,1,2,1,2,2,4,2,1,benign
|
||||
1,1,4,1,2,1,2,1,1,benign
|
||||
5,3,1,2,2,1,2,1,1,benign
|
||||
3,1,1,1,2,3,3,1,1,benign
|
||||
2,1,1,1,3,1,2,1,1,benign
|
||||
2,2,2,1,1,1,7,1,1,benign
|
||||
4,1,1,2,2,1,2,1,1,benign
|
||||
5,2,1,1,2,1,3,1,1,benign
|
||||
3,1,1,1,2,2,7,1,1,benign
|
||||
3,5,7,8,8,9,7,10,7,malignant
|
||||
5,10,6,1,10,4,4,10,10,malignant
|
||||
3,3,6,4,5,8,4,4,1,malignant
|
||||
3,6,6,6,5,10,6,8,3,malignant
|
||||
4,1,1,1,2,1,3,1,1,benign
|
||||
2,1,1,2,3,1,2,1,1,benign
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
3,1,1,2,2,1,1,1,1,benign
|
||||
4,1,1,1,2,1,3,1,1,benign
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
2,1,1,1,2,1,3,1,1,benign
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
2,1,1,2,2,1,1,1,1,benign
|
||||
5,1,1,1,2,1,3,1,1,benign
|
||||
9,6,9,2,10,6,2,9,10,malignant
|
||||
7,5,6,10,5,10,7,9,4,malignant
|
||||
10,3,5,1,10,5,3,10,2,malignant
|
||||
2,3,4,4,2,5,2,5,1,malignant
|
||||
4,1,2,1,2,1,3,1,1,benign
|
||||
8,2,3,1,6,3,7,1,1,malignant
|
||||
10,10,10,10,10,1,8,8,8,malignant
|
||||
7,3,4,4,3,3,3,2,7,malignant
|
||||
10,10,10,8,2,10,4,1,1,malignant
|
||||
1,6,8,10,8,10,5,7,1,malignant
|
||||
1,1,1,1,2,1,2,3,1,benign
|
||||
6,5,4,4,3,9,7,8,3,malignant
|
||||
1,3,1,2,2,2,5,3,2,benign
|
||||
8,6,4,3,5,9,3,1,1,malignant
|
||||
10,3,3,10,2,10,7,3,3,malignant
|
||||
10,10,10,3,10,8,8,1,1,malignant
|
||||
3,3,2,1,2,3,3,1,1,benign
|
||||
1,1,1,1,2,5,1,1,1,benign
|
||||
8,3,3,1,2,2,3,2,1,benign
|
||||
4,5,5,10,4,10,7,5,8,malignant
|
||||
1,1,1,1,4,3,1,1,1,benign
|
||||
3,2,1,1,2,2,3,1,1,benign
|
||||
1,1,2,2,2,1,3,1,1,benign
|
||||
4,2,1,1,2,2,3,1,1,benign
|
||||
10,10,10,2,10,10,5,3,3,malignant
|
||||
5,3,5,1,8,10,5,3,1,malignant
|
||||
5,4,6,7,9,7,8,10,1,malignant
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
7,5,3,7,4,10,7,5,5,malignant
|
||||
3,1,1,1,2,1,3,1,1,benign
|
||||
8,3,5,4,5,10,1,6,2,malignant
|
||||
1,1,1,1,10,1,1,1,1,benign
|
||||
5,1,3,1,2,1,2,1,1,benign
|
||||
2,1,1,1,2,1,3,1,1,benign
|
||||
5,10,8,10,8,10,3,6,3,malignant
|
||||
3,1,1,1,2,1,2,2,1,benign
|
||||
3,1,1,1,3,1,2,1,1,benign
|
||||
5,1,1,1,2,2,3,3,1,benign
|
||||
4,1,1,1,2,1,2,1,1,benign
|
||||
3,1,1,1,2,1,1,1,1,benign
|
||||
4,1,2,1,2,1,2,1,1,benign
|
||||
1,1,1,1,1,?,2,1,1,benign
|
||||
3,1,1,1,2,1,1,1,1,benign
|
||||
2,1,1,1,2,1,1,1,1,benign
|
||||
9,5,5,4,4,5,4,3,3,malignant
|
||||
1,1,1,1,2,5,1,1,1,benign
|
||||
2,1,1,1,2,1,2,1,1,benign
|
||||
1,1,3,1,2,?,2,1,1,benign
|
||||
3,4,5,2,6,8,4,1,1,malignant
|
||||
1,1,1,1,3,2,2,1,1,benign
|
||||
3,1,1,3,8,1,5,8,1,benign
|
||||
8,8,7,4,10,10,7,8,7,malignant
|
||||
1,1,1,1,1,1,3,1,1,benign
|
||||
7,2,4,1,6,10,5,4,3,malignant
|
||||
10,10,8,6,4,5,8,10,1,malignant
|
||||
4,1,1,1,2,3,1,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
5,5,5,6,3,10,3,1,1,malignant
|
||||
1,2,2,1,2,1,2,1,1,benign
|
||||
2,1,1,1,2,1,3,1,1,benign
|
||||
1,1,2,1,3,?,1,1,1,benign
|
||||
9,9,10,3,6,10,7,10,6,malignant
|
||||
10,7,7,4,5,10,5,7,2,malignant
|
||||
4,1,1,1,2,1,3,2,1,benign
|
||||
3,1,1,1,2,1,3,1,1,benign
|
||||
1,1,1,2,1,3,1,1,7,benign
|
||||
5,1,1,1,2,?,3,1,1,benign
|
||||
4,1,1,1,2,2,3,2,1,benign
|
||||
5,6,7,8,8,10,3,10,3,malignant
|
||||
10,8,10,10,6,1,3,1,10,malignant
|
||||
3,1,1,1,2,1,3,1,1,benign
|
||||
1,1,1,2,1,1,1,1,1,benign
|
||||
3,1,1,1,2,1,1,1,1,benign
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
6,10,10,10,8,10,10,10,7,malignant
|
||||
8,6,5,4,3,10,6,1,1,malignant
|
||||
5,8,7,7,10,10,5,7,1,malignant
|
||||
2,1,1,1,2,1,3,1,1,benign
|
||||
5,10,10,3,8,1,5,10,3,malignant
|
||||
4,1,1,1,2,1,3,1,1,benign
|
||||
5,3,3,3,6,10,3,1,1,malignant
|
||||
1,1,1,1,1,1,3,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
6,1,1,1,2,1,3,1,1,benign
|
||||
5,8,8,8,5,10,7,8,1,malignant
|
||||
8,7,6,4,4,10,5,1,1,malignant
|
||||
2,1,1,1,1,1,3,1,1,benign
|
||||
1,5,8,6,5,8,7,10,1,malignant
|
||||
10,5,6,10,6,10,7,7,10,malignant
|
||||
5,8,4,10,5,8,9,10,1,malignant
|
||||
1,2,3,1,2,1,3,1,1,benign
|
||||
10,10,10,8,6,8,7,10,1,malignant
|
||||
7,5,10,10,10,10,4,10,3,malignant
|
||||
5,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
3,1,1,1,2,1,3,1,1,benign
|
||||
4,1,1,1,2,1,3,1,1,benign
|
||||
8,4,4,5,4,7,7,8,2,benign
|
||||
5,1,1,4,2,1,3,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
9,7,7,5,5,10,7,8,3,malignant
|
||||
10,8,8,4,10,10,8,1,1,malignant
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
5,1,1,1,2,1,3,1,1,benign
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
5,10,10,9,6,10,7,10,5,malignant
|
||||
10,10,9,3,7,5,3,5,1,malignant
|
||||
1,1,1,1,1,1,3,1,1,benign
|
||||
1,1,1,1,1,1,3,1,1,benign
|
||||
5,1,1,1,1,1,3,1,1,benign
|
||||
8,10,10,10,5,10,8,10,6,malignant
|
||||
8,10,8,8,4,8,7,7,1,malignant
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
10,10,10,10,7,10,7,10,4,malignant
|
||||
10,10,10,10,3,10,10,6,1,malignant
|
||||
8,7,8,7,5,5,5,10,2,malignant
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
6,10,7,7,6,4,8,10,2,malignant
|
||||
6,1,3,1,2,1,3,1,1,benign
|
||||
1,1,1,2,2,1,3,1,1,benign
|
||||
10,6,4,3,10,10,9,10,1,malignant
|
||||
4,1,1,3,1,5,2,1,1,malignant
|
||||
7,5,6,3,3,8,7,4,1,malignant
|
||||
10,5,5,6,3,10,7,9,2,malignant
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
10,5,7,4,4,10,8,9,1,malignant
|
||||
8,9,9,5,3,5,7,7,1,malignant
|
||||
1,1,1,1,1,1,3,1,1,benign
|
||||
10,10,10,3,10,10,9,10,1,malignant
|
||||
7,4,7,4,3,7,7,6,1,malignant
|
||||
6,8,7,5,6,8,8,9,2,malignant
|
||||
8,4,6,3,3,1,4,3,1,benign
|
||||
10,4,5,5,5,10,4,1,1,malignant
|
||||
3,3,2,1,3,1,3,6,1,benign
|
||||
3,1,4,1,2,?,3,1,1,benign
|
||||
10,8,8,2,8,10,4,8,10,malignant
|
||||
9,8,8,5,6,2,4,10,4,malignant
|
||||
8,10,10,8,6,9,3,10,10,malignant
|
||||
10,4,3,2,3,10,5,3,2,malignant
|
||||
5,1,3,3,2,2,2,3,1,benign
|
||||
3,1,1,3,1,1,3,1,1,benign
|
||||
2,1,1,1,2,1,3,1,1,benign
|
||||
1,1,1,1,2,5,5,1,1,benign
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
5,1,1,2,2,2,3,1,1,benign
|
||||
8,10,10,8,5,10,7,8,1,malignant
|
||||
8,4,4,1,2,9,3,3,1,malignant
|
||||
4,1,1,1,2,1,3,6,1,benign
|
||||
3,1,1,1,2,?,3,1,1,benign
|
||||
1,2,2,1,2,1,1,1,1,benign
|
||||
10,4,4,10,2,10,5,3,3,malignant
|
||||
6,3,3,5,3,10,3,5,3,benign
|
||||
6,10,10,2,8,10,7,3,3,malignant
|
||||
9,10,10,1,10,8,3,3,1,malignant
|
||||
5,6,6,2,4,10,3,6,1,malignant
|
||||
3,1,1,1,2,1,1,1,1,benign
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
3,1,1,1,2,1,3,1,1,benign
|
||||
5,7,7,1,5,8,3,4,1,benign
|
||||
10,5,8,10,3,10,5,1,3,malignant
|
||||
5,10,10,6,10,10,10,6,5,malignant
|
||||
8,8,9,4,5,10,7,8,1,malignant
|
||||
10,4,4,10,6,10,5,5,1,malignant
|
||||
7,9,4,10,10,3,5,3,3,malignant
|
||||
5,1,4,1,2,1,3,2,1,benign
|
||||
10,10,6,3,3,10,4,3,2,malignant
|
||||
3,3,5,2,3,10,7,1,1,malignant
|
||||
10,8,8,2,3,4,8,7,8,malignant
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
8,4,7,1,3,10,3,9,2,malignant
|
||||
5,1,1,1,2,1,3,1,1,benign
|
||||
3,3,5,2,3,10,7,1,1,malignant
|
||||
7,2,4,1,3,4,3,3,1,malignant
|
||||
3,1,1,1,2,1,3,2,1,benign
|
||||
3,1,3,1,2,?,2,1,1,benign
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
10,5,7,3,3,7,3,3,8,malignant
|
||||
3,1,1,1,2,1,3,1,1,benign
|
||||
2,1,1,2,2,1,3,1,1,benign
|
||||
1,4,3,10,4,10,5,6,1,malignant
|
||||
10,4,6,1,2,10,5,3,1,malignant
|
||||
7,4,5,10,2,10,3,8,2,malignant
|
||||
8,10,10,10,8,10,10,7,3,malignant
|
||||
10,10,10,10,10,10,4,10,10,malignant
|
||||
3,1,1,1,3,1,2,1,1,benign
|
||||
6,1,3,1,4,5,5,10,1,malignant
|
||||
5,6,6,8,6,10,4,10,4,malignant
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
8,8,8,1,2,?,6,10,1,malignant
|
||||
10,4,4,6,2,10,2,3,1,malignant
|
||||
1,1,1,1,2,?,2,1,1,benign
|
||||
5,5,7,8,6,10,7,4,1,malignant
|
||||
5,3,4,3,4,5,4,7,1,benign
|
||||
5,4,3,1,2,?,2,3,1,benign
|
||||
8,2,1,1,5,1,1,1,1,benign
|
||||
9,1,2,6,4,10,7,7,2,malignant
|
||||
8,4,10,5,4,4,7,10,1,malignant
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
10,10,10,7,9,10,7,10,10,malignant
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
8,3,4,9,3,10,3,3,1,malignant
|
||||
10,8,4,4,4,10,3,10,4,malignant
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
7,8,7,6,4,3,8,8,4,malignant
|
||||
3,1,1,1,2,5,5,1,1,benign
|
||||
2,1,1,1,3,1,2,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
8,6,4,10,10,1,3,5,1,malignant
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
1,1,1,1,1,1,2,1,1,benign
|
||||
4,6,5,6,7,?,4,9,1,benign
|
||||
5,5,5,2,5,10,4,3,1,malignant
|
||||
6,8,7,8,6,8,8,9,1,malignant
|
||||
1,1,1,1,5,1,3,1,1,benign
|
||||
4,4,4,4,6,5,7,3,1,benign
|
||||
7,6,3,2,5,10,7,4,6,malignant
|
||||
3,1,1,1,2,?,3,1,1,benign
|
||||
3,1,1,1,2,1,3,1,1,benign
|
||||
5,4,6,10,2,10,4,1,1,malignant
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
3,2,2,1,2,1,2,3,1,benign
|
||||
10,1,1,1,2,10,5,4,1,malignant
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
8,10,3,2,6,4,3,10,1,malignant
|
||||
10,4,6,4,5,10,7,1,1,malignant
|
||||
10,4,7,2,2,8,6,1,1,malignant
|
||||
5,1,1,1,2,1,3,1,2,benign
|
||||
5,2,2,2,2,1,2,2,1,benign
|
||||
5,4,6,6,4,10,4,3,1,malignant
|
||||
8,6,7,3,3,10,3,4,2,malignant
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
6,5,5,8,4,10,3,4,1,malignant
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
1,1,1,1,1,1,2,1,1,benign
|
||||
8,5,5,5,2,10,4,3,1,malignant
|
||||
10,3,3,1,2,10,7,6,1,malignant
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
2,1,1,1,2,1,1,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
7,6,4,8,10,10,9,5,3,malignant
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
5,2,2,2,3,1,1,3,1,benign
|
||||
1,1,1,1,1,1,1,3,1,benign
|
||||
3,4,4,10,5,1,3,3,1,malignant
|
||||
4,2,3,5,3,8,7,6,1,malignant
|
||||
5,1,1,3,2,1,1,1,1,benign
|
||||
2,1,1,1,2,1,3,1,1,benign
|
||||
3,4,5,3,7,3,4,6,1,benign
|
||||
2,7,10,10,7,10,4,9,4,malignant
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
4,1,1,1,3,1,2,2,1,benign
|
||||
5,3,3,1,3,3,3,3,3,malignant
|
||||
8,10,10,7,10,10,7,3,8,malignant
|
||||
8,10,5,3,8,4,4,10,3,malignant
|
||||
10,3,5,4,3,7,3,5,3,malignant
|
||||
6,10,10,10,10,10,8,10,10,malignant
|
||||
3,10,3,10,6,10,5,1,4,malignant
|
||||
3,2,2,1,4,3,2,1,1,benign
|
||||
4,4,4,2,2,3,2,1,1,benign
|
||||
2,1,1,1,2,1,3,1,1,benign
|
||||
2,1,1,1,2,1,2,1,1,benign
|
||||
6,10,10,10,8,10,7,10,7,malignant
|
||||
5,8,8,10,5,10,8,10,3,malignant
|
||||
1,1,3,1,2,1,1,1,1,benign
|
||||
1,1,3,1,1,1,2,1,1,benign
|
||||
4,3,2,1,3,1,2,1,1,benign
|
||||
1,1,3,1,2,1,1,1,1,benign
|
||||
4,1,2,1,2,1,2,1,1,benign
|
||||
5,1,1,2,2,1,2,1,1,benign
|
||||
3,1,2,1,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,1,1,2,1,1,benign
|
||||
3,1,1,4,3,1,2,2,1,benign
|
||||
5,3,4,1,4,1,3,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
10,6,3,6,4,10,7,8,4,malignant
|
||||
3,2,2,2,2,1,3,2,1,benign
|
||||
2,1,1,1,2,1,1,1,1,benign
|
||||
2,1,1,1,2,1,1,1,1,benign
|
||||
3,3,2,2,3,1,1,2,3,benign
|
||||
7,6,6,3,2,10,7,1,1,malignant
|
||||
5,3,3,2,3,1,3,1,1,benign
|
||||
2,1,1,1,2,1,2,2,1,benign
|
||||
5,1,1,1,3,2,2,2,1,benign
|
||||
1,1,1,2,2,1,2,1,1,benign
|
||||
10,8,7,4,3,10,7,9,1,malignant
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,1,1,1,1,1,benign
|
||||
1,2,3,1,2,1,2,1,1,benign
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
3,1,1,1,2,1,3,1,1,benign
|
||||
4,1,1,1,2,1,1,1,1,benign
|
||||
3,2,1,1,2,1,2,2,1,benign
|
||||
1,2,3,1,2,1,1,1,1,benign
|
||||
3,10,8,7,6,9,9,3,8,malignant
|
||||
3,1,1,1,2,1,1,1,1,benign
|
||||
5,3,3,1,2,1,2,1,1,benign
|
||||
3,1,1,1,2,4,1,1,1,benign
|
||||
1,2,1,3,2,1,1,2,1,benign
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
4,2,2,1,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
2,3,2,2,2,2,3,1,1,benign
|
||||
3,1,2,1,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,1,?,2,1,1,benign
|
||||
10,10,10,6,8,4,8,5,1,malignant
|
||||
5,1,2,1,2,1,3,1,1,benign
|
||||
8,5,6,2,3,10,6,6,1,malignant
|
||||
3,3,2,6,3,3,3,5,1,benign
|
||||
8,7,8,5,10,10,7,2,1,malignant
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
5,2,2,2,2,2,3,2,2,benign
|
||||
2,3,1,1,5,1,1,1,1,benign
|
||||
3,2,2,3,2,3,3,1,1,benign
|
||||
10,10,10,7,10,10,8,2,1,malignant
|
||||
4,3,3,1,2,1,3,3,1,benign
|
||||
5,1,3,1,2,1,2,1,1,benign
|
||||
3,1,1,1,2,1,1,1,1,benign
|
||||
9,10,10,10,10,10,10,10,1,malignant
|
||||
5,3,6,1,2,1,1,1,1,benign
|
||||
8,7,8,2,4,2,5,10,1,malignant
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
2,1,1,1,2,1,2,1,1,benign
|
||||
1,3,1,1,2,1,2,2,1,benign
|
||||
5,1,1,3,4,1,3,2,1,benign
|
||||
5,1,1,1,2,1,2,2,1,benign
|
||||
3,2,2,3,2,1,1,1,1,benign
|
||||
6,9,7,5,5,8,4,2,1,benign
|
||||
10,8,10,1,3,10,5,1,1,malignant
|
||||
10,10,10,1,6,1,2,8,1,malignant
|
||||
4,1,1,1,2,1,1,1,1,benign
|
||||
4,1,3,3,2,1,1,1,1,benign
|
||||
5,1,1,1,2,1,1,1,1,benign
|
||||
10,4,3,10,4,10,10,1,1,malignant
|
||||
5,2,2,4,2,4,1,1,1,benign
|
||||
1,1,1,3,2,3,1,1,1,benign
|
||||
1,1,1,1,2,2,1,1,1,benign
|
||||
5,1,1,6,3,1,2,1,1,benign
|
||||
2,1,1,1,2,1,1,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
5,1,1,1,2,1,1,1,1,benign
|
||||
1,1,1,1,1,1,1,1,1,benign
|
||||
5,7,9,8,6,10,8,10,1,malignant
|
||||
4,1,1,3,1,1,2,1,1,benign
|
||||
5,1,1,1,2,1,1,1,1,benign
|
||||
3,1,1,3,2,1,1,1,1,benign
|
||||
4,5,5,8,6,10,10,7,1,malignant
|
||||
2,3,1,1,3,1,1,1,1,benign
|
||||
10,2,2,1,2,6,1,1,2,malignant
|
||||
10,6,5,8,5,10,8,6,1,malignant
|
||||
8,8,9,6,6,3,10,10,1,malignant
|
||||
5,1,2,1,2,1,1,1,1,benign
|
||||
5,1,3,1,2,1,1,1,1,benign
|
||||
5,1,1,3,2,1,1,1,1,benign
|
||||
3,1,1,1,2,5,1,1,1,benign
|
||||
6,1,1,3,2,1,1,1,1,benign
|
||||
4,1,1,1,2,1,1,2,1,benign
|
||||
4,1,1,1,2,1,1,1,1,benign
|
||||
10,9,8,7,6,4,7,10,3,malignant
|
||||
10,6,6,2,4,10,9,7,1,malignant
|
||||
6,6,6,5,4,10,7,6,2,malignant
|
||||
4,1,1,1,2,1,1,1,1,benign
|
||||
1,1,2,1,2,1,2,1,1,benign
|
||||
3,1,1,1,1,1,2,1,1,benign
|
||||
6,1,1,3,2,1,1,1,1,benign
|
||||
6,1,1,1,1,1,1,1,1,benign
|
||||
4,1,1,1,2,1,1,1,1,benign
|
||||
5,1,1,1,2,1,1,1,1,benign
|
||||
3,1,1,1,2,1,1,1,1,benign
|
||||
4,1,2,1,2,1,1,1,1,benign
|
||||
4,1,1,1,2,1,1,1,1,benign
|
||||
5,2,1,1,2,1,1,1,1,benign
|
||||
4,8,7,10,4,10,7,5,1,malignant
|
||||
5,1,1,1,1,1,1,1,1,benign
|
||||
5,3,2,4,2,1,1,1,1,benign
|
||||
9,10,10,10,10,5,10,10,10,malignant
|
||||
8,7,8,5,5,10,9,10,1,malignant
|
||||
5,1,2,1,2,1,1,1,1,benign
|
||||
1,1,1,3,1,3,1,1,1,benign
|
||||
3,1,1,1,1,1,2,1,1,benign
|
||||
10,10,10,10,6,10,8,1,5,malignant
|
||||
3,6,4,10,3,3,3,4,1,malignant
|
||||
6,3,2,1,3,4,4,1,1,malignant
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
5,8,9,4,3,10,7,1,1,malignant
|
||||
4,1,1,1,1,1,2,1,1,benign
|
||||
5,10,10,10,6,10,6,5,2,malignant
|
||||
5,1,2,10,4,5,2,1,1,benign
|
||||
3,1,1,1,1,1,2,1,1,benign
|
||||
1,1,1,1,1,1,1,1,1,benign
|
||||
4,2,1,1,2,1,1,1,1,benign
|
||||
4,1,1,1,2,1,2,1,1,benign
|
||||
4,1,1,1,2,1,2,1,1,benign
|
||||
6,1,1,1,2,1,3,1,1,benign
|
||||
4,1,1,1,2,1,2,1,1,benign
|
||||
4,1,1,2,2,1,2,1,1,benign
|
||||
4,1,1,1,2,1,3,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
3,3,1,1,2,1,1,1,1,benign
|
||||
8,10,10,10,7,5,4,8,7,malignant
|
||||
1,1,1,1,2,4,1,1,1,benign
|
||||
5,1,1,1,2,1,1,1,1,benign
|
||||
2,1,1,1,2,1,1,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
5,1,1,1,2,1,2,1,1,benign
|
||||
5,1,1,1,2,1,1,1,1,benign
|
||||
3,1,1,1,1,1,2,1,1,benign
|
||||
6,6,7,10,3,10,8,10,2,malignant
|
||||
4,10,4,7,3,10,9,10,1,malignant
|
||||
1,1,1,1,1,1,1,1,1,benign
|
||||
1,1,1,1,1,1,2,1,1,benign
|
||||
3,1,2,2,2,1,1,1,1,benign
|
||||
4,7,8,3,4,10,9,1,1,malignant
|
||||
1,1,1,1,3,1,1,1,1,benign
|
||||
4,1,1,1,3,1,1,1,1,benign
|
||||
10,4,5,4,3,5,7,3,1,malignant
|
||||
7,5,6,10,4,10,5,3,1,malignant
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
3,1,1,2,2,1,1,1,1,benign
|
||||
4,1,1,1,2,1,1,1,1,benign
|
||||
4,1,1,1,2,1,3,1,1,benign
|
||||
6,1,3,2,2,1,1,1,1,benign
|
||||
4,1,1,1,1,1,2,1,1,benign
|
||||
7,4,4,3,4,10,6,9,1,malignant
|
||||
4,2,2,1,2,1,2,1,1,benign
|
||||
1,1,1,1,1,1,3,1,1,benign
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
2,1,1,1,2,1,2,1,1,benign
|
||||
1,1,3,2,2,1,3,1,1,benign
|
||||
5,1,1,1,2,1,3,1,1,benign
|
||||
5,1,2,1,2,1,3,1,1,benign
|
||||
4,1,1,1,2,1,2,1,1,benign
|
||||
6,1,1,1,2,1,2,1,1,benign
|
||||
5,1,1,1,2,2,2,1,1,benign
|
||||
3,1,1,1,2,1,1,1,1,benign
|
||||
5,3,1,1,2,1,1,1,1,benign
|
||||
4,1,1,1,2,1,2,1,1,benign
|
||||
2,1,3,2,2,1,2,1,1,benign
|
||||
5,1,1,1,2,1,2,1,1,benign
|
||||
6,10,10,10,4,10,7,10,1,malignant
|
||||
2,1,1,1,1,1,1,1,1,benign
|
||||
3,1,1,1,1,1,1,1,1,benign
|
||||
7,8,3,7,4,5,7,8,2,malignant
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
3,2,2,2,2,1,4,2,1,benign
|
||||
4,4,2,1,2,5,2,1,2,benign
|
||||
3,1,1,1,2,1,1,1,1,benign
|
||||
4,3,1,1,2,1,4,8,1,benign
|
||||
5,2,2,2,1,1,2,1,1,benign
|
||||
5,1,1,3,2,1,1,1,1,benign
|
||||
2,1,1,1,2,1,2,1,1,benign
|
||||
5,1,1,1,2,1,2,1,1,benign
|
||||
5,1,1,1,2,1,3,1,1,benign
|
||||
5,1,1,1,2,1,3,1,1,benign
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
4,1,1,1,2,1,3,2,1,benign
|
||||
5,7,10,10,5,10,10,10,1,malignant
|
||||
3,1,2,1,2,1,3,1,1,benign
|
||||
4,1,1,1,2,3,2,1,1,benign
|
||||
8,4,4,1,6,10,2,5,2,malignant
|
||||
10,10,8,10,6,5,10,3,1,malignant
|
||||
8,10,4,4,8,10,8,2,1,malignant
|
||||
7,6,10,5,3,10,9,10,2,malignant
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
10,9,7,3,4,2,7,7,1,malignant
|
||||
5,1,2,1,2,1,3,1,1,benign
|
||||
5,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,3,1,1,benign
|
||||
5,1,2,1,2,1,2,1,1,benign
|
||||
5,7,10,6,5,10,7,5,1,malignant
|
||||
6,10,5,5,4,10,6,10,1,malignant
|
||||
3,1,1,1,2,1,1,1,1,benign
|
||||
5,1,1,6,3,1,1,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
8,10,10,10,6,10,10,10,1,malignant
|
||||
5,1,1,1,2,1,2,2,1,benign
|
||||
9,8,8,9,6,3,4,1,1,malignant
|
||||
5,1,1,1,2,1,1,1,1,benign
|
||||
4,10,8,5,4,1,10,1,1,malignant
|
||||
2,5,7,6,4,10,7,6,1,malignant
|
||||
10,3,4,5,3,10,4,1,1,malignant
|
||||
5,1,2,1,2,1,1,1,1,benign
|
||||
4,8,6,3,4,10,7,1,1,malignant
|
||||
5,1,1,1,2,1,2,1,1,benign
|
||||
4,1,2,1,2,1,2,1,1,benign
|
||||
5,1,3,1,2,1,3,1,1,benign
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
5,2,4,1,1,1,1,1,1,benign
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,1,1,2,1,1,benign
|
||||
4,1,1,1,2,1,2,1,1,benign
|
||||
5,4,6,8,4,1,8,10,1,malignant
|
||||
5,3,2,8,5,10,8,1,2,malignant
|
||||
10,5,10,3,5,8,7,8,3,malignant
|
||||
4,1,1,2,2,1,1,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
5,10,10,10,10,10,10,1,1,malignant
|
||||
5,1,1,1,2,1,1,1,1,benign
|
||||
10,4,3,10,3,10,7,1,2,malignant
|
||||
5,10,10,10,5,2,8,5,1,malignant
|
||||
8,10,10,10,6,10,10,10,10,malignant
|
||||
2,3,1,1,2,1,2,1,1,benign
|
||||
2,1,1,1,1,1,2,1,1,benign
|
||||
4,1,3,1,2,1,2,1,1,benign
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,1,?,1,1,1,benign
|
||||
4,1,1,1,2,1,2,1,1,benign
|
||||
5,1,1,1,2,1,2,1,1,benign
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
6,3,3,3,3,2,6,1,1,benign
|
||||
7,1,2,3,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
5,1,1,2,1,1,2,1,1,benign
|
||||
3,1,3,1,3,4,1,1,1,benign
|
||||
4,6,6,5,7,6,7,7,3,malignant
|
||||
2,1,1,1,2,5,1,1,1,benign
|
||||
2,1,1,1,2,1,1,1,1,benign
|
||||
4,1,1,1,2,1,1,1,1,benign
|
||||
6,2,3,1,2,1,1,1,1,benign
|
||||
5,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
8,7,4,4,5,3,5,10,1,malignant
|
||||
3,1,1,1,2,1,1,1,1,benign
|
||||
3,1,4,1,2,1,1,1,1,benign
|
||||
10,10,7,8,7,1,10,10,3,malignant
|
||||
4,2,4,3,2,2,2,1,1,benign
|
||||
4,1,1,1,2,1,1,1,1,benign
|
||||
5,1,1,3,2,1,1,1,1,benign
|
||||
4,1,1,3,2,1,1,1,1,benign
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
2,1,1,1,2,1,1,1,1,benign
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
1,2,2,1,2,1,1,1,1,benign
|
||||
1,1,1,3,2,1,1,1,1,benign
|
||||
5,10,10,10,10,2,10,10,10,malignant
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
3,1,1,2,3,4,1,1,1,benign
|
||||
1,2,1,3,2,1,2,1,1,benign
|
||||
5,1,1,1,2,1,2,2,1,benign
|
||||
4,1,1,1,2,1,2,1,1,benign
|
||||
3,1,1,1,2,1,3,1,1,benign
|
||||
3,1,1,1,2,1,2,1,1,benign
|
||||
5,1,1,1,2,1,2,1,1,benign
|
||||
5,4,5,1,8,1,3,6,1,benign
|
||||
7,8,8,7,3,10,7,2,3,malignant
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
4,1,1,1,2,1,3,1,1,benign
|
||||
1,1,3,1,2,1,2,1,1,benign
|
||||
1,1,3,1,2,1,2,1,1,benign
|
||||
3,1,1,3,2,1,2,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
5,2,2,2,2,1,1,1,2,benign
|
||||
3,1,1,1,2,1,3,1,1,benign
|
||||
5,7,4,1,6,1,7,10,3,malignant
|
||||
5,10,10,8,5,5,7,10,1,malignant
|
||||
3,10,7,8,5,8,7,4,1,malignant
|
||||
3,2,1,2,2,1,3,1,1,benign
|
||||
2,1,1,1,2,1,3,1,1,benign
|
||||
5,3,2,1,3,1,1,1,1,benign
|
||||
1,1,1,1,2,1,2,1,1,benign
|
||||
4,1,4,1,2,1,1,1,1,benign
|
||||
1,1,2,1,2,1,2,1,1,benign
|
||||
5,1,1,1,2,1,1,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
2,1,1,1,2,1,1,1,1,benign
|
||||
10,10,10,10,5,10,10,10,7,malignant
|
||||
5,10,10,10,4,10,5,6,3,malignant
|
||||
5,1,1,1,2,1,3,2,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
1,1,1,1,2,1,1,1,1,benign
|
||||
3,1,1,1,2,1,2,3,1,benign
|
||||
4,1,1,1,2,1,1,1,1,benign
|
||||
1,1,1,1,2,1,1,1,8,benign
|
||||
1,1,1,3,2,1,1,1,1,benign
|
||||
5,10,10,5,4,5,4,4,1,malignant
|
||||
3,1,1,1,2,1,1,1,1,benign
|
||||
3,1,1,1,2,1,2,1,2,benign
|
||||
3,1,1,1,3,2,1,1,1,benign
|
||||
2,1,1,1,2,1,1,1,1,benign
|
||||
5,10,10,3,7,3,8,10,2,malignant
|
||||
4,8,6,4,3,4,10,6,1,malignant
|
||||
4,8,8,5,4,5,10,4,1,malignant
|
863
datasets/diabetes.arff
Executable file
863
datasets/diabetes.arff
Executable file
@@ -0,0 +1,863 @@
|
||||
% 1. Title: Pima Indians Diabetes Database
|
||||
%
|
||||
% 2. Sources:
|
||||
% (a) Original owners: National Institute of Diabetes and Digestive and
|
||||
% Kidney Diseases
|
||||
% (b) Donor of database: Vincent Sigillito (vgs@aplcen.apl.jhu.edu)
|
||||
% Research Center, RMI Group Leader
|
||||
% Applied Physics Laboratory
|
||||
% The Johns Hopkins University
|
||||
% Johns Hopkins Road
|
||||
% Laurel, MD 20707
|
||||
% (301) 953-6231
|
||||
% (c) Date received: 9 May 1990
|
||||
%
|
||||
% 3. Past Usage:
|
||||
% 1. Smith,~J.~W., Everhart,~J.~E., Dickson,~W.~C., Knowler,~W.~C., \&
|
||||
% Johannes,~R.~S. (1988). Using the ADAP learning algorithm to forecast
|
||||
% the onset of diabetes mellitus. In {\it Proceedings of the Symposium
|
||||
% on Computer Applications and Medical Care} (pp. 261--265). IEEE
|
||||
% Computer Society Press.
|
||||
%
|
||||
% The diagnostic, binary-valued variable investigated is whether the
|
||||
% patient shows signs of diabetes according to World Health Organization
|
||||
% criteria (i.e., if the 2 hour post-load plasma glucose was at least
|
||||
% 200 mg/dl at any survey examination or if found during routine medical
|
||||
% care). The population lives near Phoenix, Arizona, USA.
|
||||
%
|
||||
% Results: Their ADAP algorithm makes a real-valued prediction between
|
||||
% 0 and 1. This was transformed into a binary decision using a cutoff of
|
||||
% 0.448. Using 576 training instances, the sensitivity and specificity
|
||||
% of their algorithm was 76% on the remaining 192 instances.
|
||||
%
|
||||
% 4. Relevant Information:
|
||||
% Several constraints were placed on the selection of these instances from
|
||||
% a larger database. In particular, all patients here are females at
|
||||
% least 21 years old of Pima Indian heritage. ADAP is an adaptive learning
|
||||
% routine that generates and executes digital analogs of perceptron-like
|
||||
% devices. It is a unique algorithm; see the paper for details.
|
||||
%
|
||||
% 5. Number of Instances: 768
|
||||
%
|
||||
% 6. Number of Attributes: 8 plus class
|
||||
%
|
||||
% 7. For Each Attribute: (all numeric-valued)
|
||||
% 1. Number of times pregnant
|
||||
% 2. Plasma glucose concentration a 2 hours in an oral glucose tolerance test
|
||||
% 3. Diastolic blood pressure (mm Hg)
|
||||
% 4. Triceps skin fold thickness (mm)
|
||||
% 5. 2-Hour serum insulin (mu U/ml)
|
||||
% 6. Body mass index (weight in kg/(height in m)^2)
|
||||
% 7. Diabetes pedigree function
|
||||
% 8. Age (years)
|
||||
% 9. Class variable (0 or 1)
|
||||
%
|
||||
% 8. Missing Attribute Values: None
|
||||
%
|
||||
% 9. Class Distribution: (class value 1 is interpreted as "tested positive for
|
||||
% diabetes")
|
||||
%
|
||||
% Class Value Number of instances
|
||||
% 0 500
|
||||
% 1 268
|
||||
%
|
||||
% 10. Brief statistical analysis:
|
||||
%
|
||||
% Attribute number: Mean: Standard Deviation:
|
||||
% 1. 3.8 3.4
|
||||
% 2. 120.9 32.0
|
||||
% 3. 69.1 19.4
|
||||
% 4. 20.5 16.0
|
||||
% 5. 79.8 115.2
|
||||
% 6. 32.0 7.9
|
||||
% 7. 0.5 0.3
|
||||
% 8. 33.2 11.8
|
||||
%
|
||||
%
|
||||
%
|
||||
%
|
||||
%
|
||||
%
|
||||
% Relabeled values in attribute 'class'
|
||||
% From: 0 To: tested_negative
|
||||
% From: 1 To: tested_positive
|
||||
%
|
||||
@relation pima_diabetes
|
||||
@attribute 'preg' real
|
||||
@attribute 'plas' real
|
||||
@attribute 'pres' real
|
||||
@attribute 'skin' real
|
||||
@attribute 'insu' real
|
||||
@attribute 'mass' real
|
||||
@attribute 'pedi' real
|
||||
@attribute 'age' real
|
||||
@attribute 'class' { tested_negative, tested_positive}
|
||||
@data
|
||||
6,148,72,35,0,33.6,0.627,50,tested_positive
|
||||
1,85,66,29,0,26.6,0.351,31,tested_negative
|
||||
8,183,64,0,0,23.3,0.672,32,tested_positive
|
||||
1,89,66,23,94,28.1,0.167,21,tested_negative
|
||||
0,137,40,35,168,43.1,2.288,33,tested_positive
|
||||
5,116,74,0,0,25.6,0.201,30,tested_negative
|
||||
3,78,50,32,88,31,0.248,26,tested_positive
|
||||
10,115,0,0,0,35.3,0.134,29,tested_negative
|
||||
2,197,70,45,543,30.5,0.158,53,tested_positive
|
||||
8,125,96,0,0,0,0.232,54,tested_positive
|
||||
4,110,92,0,0,37.6,0.191,30,tested_negative
|
||||
10,168,74,0,0,38,0.537,34,tested_positive
|
||||
10,139,80,0,0,27.1,1.441,57,tested_negative
|
||||
1,189,60,23,846,30.1,0.398,59,tested_positive
|
||||
5,166,72,19,175,25.8,0.587,51,tested_positive
|
||||
7,100,0,0,0,30,0.484,32,tested_positive
|
||||
0,118,84,47,230,45.8,0.551,31,tested_positive
|
||||
7,107,74,0,0,29.6,0.254,31,tested_positive
|
||||
1,103,30,38,83,43.3,0.183,33,tested_negative
|
||||
1,115,70,30,96,34.6,0.529,32,tested_positive
|
||||
3,126,88,41,235,39.3,0.704,27,tested_negative
|
||||
8,99,84,0,0,35.4,0.388,50,tested_negative
|
||||
7,196,90,0,0,39.8,0.451,41,tested_positive
|
||||
9,119,80,35,0,29,0.263,29,tested_positive
|
||||
11,143,94,33,146,36.6,0.254,51,tested_positive
|
||||
10,125,70,26,115,31.1,0.205,41,tested_positive
|
||||
7,147,76,0,0,39.4,0.257,43,tested_positive
|
||||
1,97,66,15,140,23.2,0.487,22,tested_negative
|
||||
13,145,82,19,110,22.2,0.245,57,tested_negative
|
||||
5,117,92,0,0,34.1,0.337,38,tested_negative
|
||||
5,109,75,26,0,36,0.546,60,tested_negative
|
||||
3,158,76,36,245,31.6,0.851,28,tested_positive
|
||||
3,88,58,11,54,24.8,0.267,22,tested_negative
|
||||
6,92,92,0,0,19.9,0.188,28,tested_negative
|
||||
10,122,78,31,0,27.6,0.512,45,tested_negative
|
||||
4,103,60,33,192,24,0.966,33,tested_negative
|
||||
11,138,76,0,0,33.2,0.42,35,tested_negative
|
||||
9,102,76,37,0,32.9,0.665,46,tested_positive
|
||||
2,90,68,42,0,38.2,0.503,27,tested_positive
|
||||
4,111,72,47,207,37.1,1.39,56,tested_positive
|
||||
3,180,64,25,70,34,0.271,26,tested_negative
|
||||
7,133,84,0,0,40.2,0.696,37,tested_negative
|
||||
7,106,92,18,0,22.7,0.235,48,tested_negative
|
||||
9,171,110,24,240,45.4,0.721,54,tested_positive
|
||||
7,159,64,0,0,27.4,0.294,40,tested_negative
|
||||
0,180,66,39,0,42,1.893,25,tested_positive
|
||||
1,146,56,0,0,29.7,0.564,29,tested_negative
|
||||
2,71,70,27,0,28,0.586,22,tested_negative
|
||||
7,103,66,32,0,39.1,0.344,31,tested_positive
|
||||
7,105,0,0,0,0,0.305,24,tested_negative
|
||||
1,103,80,11,82,19.4,0.491,22,tested_negative
|
||||
1,101,50,15,36,24.2,0.526,26,tested_negative
|
||||
5,88,66,21,23,24.4,0.342,30,tested_negative
|
||||
8,176,90,34,300,33.7,0.467,58,tested_positive
|
||||
7,150,66,42,342,34.7,0.718,42,tested_negative
|
||||
1,73,50,10,0,23,0.248,21,tested_negative
|
||||
7,187,68,39,304,37.7,0.254,41,tested_positive
|
||||
0,100,88,60,110,46.8,0.962,31,tested_negative
|
||||
0,146,82,0,0,40.5,1.781,44,tested_negative
|
||||
0,105,64,41,142,41.5,0.173,22,tested_negative
|
||||
2,84,0,0,0,0,0.304,21,tested_negative
|
||||
8,133,72,0,0,32.9,0.27,39,tested_positive
|
||||
5,44,62,0,0,25,0.587,36,tested_negative
|
||||
2,141,58,34,128,25.4,0.699,24,tested_negative
|
||||
7,114,66,0,0,32.8,0.258,42,tested_positive
|
||||
5,99,74,27,0,29,0.203,32,tested_negative
|
||||
0,109,88,30,0,32.5,0.855,38,tested_positive
|
||||
2,109,92,0,0,42.7,0.845,54,tested_negative
|
||||
1,95,66,13,38,19.6,0.334,25,tested_negative
|
||||
4,146,85,27,100,28.9,0.189,27,tested_negative
|
||||
2,100,66,20,90,32.9,0.867,28,tested_positive
|
||||
5,139,64,35,140,28.6,0.411,26,tested_negative
|
||||
13,126,90,0,0,43.4,0.583,42,tested_positive
|
||||
4,129,86,20,270,35.1,0.231,23,tested_negative
|
||||
1,79,75,30,0,32,0.396,22,tested_negative
|
||||
1,0,48,20,0,24.7,0.14,22,tested_negative
|
||||
7,62,78,0,0,32.6,0.391,41,tested_negative
|
||||
5,95,72,33,0,37.7,0.37,27,tested_negative
|
||||
0,131,0,0,0,43.2,0.27,26,tested_positive
|
||||
2,112,66,22,0,25,0.307,24,tested_negative
|
||||
3,113,44,13,0,22.4,0.14,22,tested_negative
|
||||
2,74,0,0,0,0,0.102,22,tested_negative
|
||||
7,83,78,26,71,29.3,0.767,36,tested_negative
|
||||
0,101,65,28,0,24.6,0.237,22,tested_negative
|
||||
5,137,108,0,0,48.8,0.227,37,tested_positive
|
||||
2,110,74,29,125,32.4,0.698,27,tested_negative
|
||||
13,106,72,54,0,36.6,0.178,45,tested_negative
|
||||
2,100,68,25,71,38.5,0.324,26,tested_negative
|
||||
15,136,70,32,110,37.1,0.153,43,tested_positive
|
||||
1,107,68,19,0,26.5,0.165,24,tested_negative
|
||||
1,80,55,0,0,19.1,0.258,21,tested_negative
|
||||
4,123,80,15,176,32,0.443,34,tested_negative
|
||||
7,81,78,40,48,46.7,0.261,42,tested_negative
|
||||
4,134,72,0,0,23.8,0.277,60,tested_positive
|
||||
2,142,82,18,64,24.7,0.761,21,tested_negative
|
||||
6,144,72,27,228,33.9,0.255,40,tested_negative
|
||||
2,92,62,28,0,31.6,0.13,24,tested_negative
|
||||
1,71,48,18,76,20.4,0.323,22,tested_negative
|
||||
6,93,50,30,64,28.7,0.356,23,tested_negative
|
||||
1,122,90,51,220,49.7,0.325,31,tested_positive
|
||||
1,163,72,0,0,39,1.222,33,tested_positive
|
||||
1,151,60,0,0,26.1,0.179,22,tested_negative
|
||||
0,125,96,0,0,22.5,0.262,21,tested_negative
|
||||
1,81,72,18,40,26.6,0.283,24,tested_negative
|
||||
2,85,65,0,0,39.6,0.93,27,tested_negative
|
||||
1,126,56,29,152,28.7,0.801,21,tested_negative
|
||||
1,96,122,0,0,22.4,0.207,27,tested_negative
|
||||
4,144,58,28,140,29.5,0.287,37,tested_negative
|
||||
3,83,58,31,18,34.3,0.336,25,tested_negative
|
||||
0,95,85,25,36,37.4,0.247,24,tested_positive
|
||||
3,171,72,33,135,33.3,0.199,24,tested_positive
|
||||
8,155,62,26,495,34,0.543,46,tested_positive
|
||||
1,89,76,34,37,31.2,0.192,23,tested_negative
|
||||
4,76,62,0,0,34,0.391,25,tested_negative
|
||||
7,160,54,32,175,30.5,0.588,39,tested_positive
|
||||
4,146,92,0,0,31.2,0.539,61,tested_positive
|
||||
5,124,74,0,0,34,0.22,38,tested_positive
|
||||
5,78,48,0,0,33.7,0.654,25,tested_negative
|
||||
4,97,60,23,0,28.2,0.443,22,tested_negative
|
||||
4,99,76,15,51,23.2,0.223,21,tested_negative
|
||||
0,162,76,56,100,53.2,0.759,25,tested_positive
|
||||
6,111,64,39,0,34.2,0.26,24,tested_negative
|
||||
2,107,74,30,100,33.6,0.404,23,tested_negative
|
||||
5,132,80,0,0,26.8,0.186,69,tested_negative
|
||||
0,113,76,0,0,33.3,0.278,23,tested_positive
|
||||
1,88,30,42,99,55,0.496,26,tested_positive
|
||||
3,120,70,30,135,42.9,0.452,30,tested_negative
|
||||
1,118,58,36,94,33.3,0.261,23,tested_negative
|
||||
1,117,88,24,145,34.5,0.403,40,tested_positive
|
||||
0,105,84,0,0,27.9,0.741,62,tested_positive
|
||||
4,173,70,14,168,29.7,0.361,33,tested_positive
|
||||
9,122,56,0,0,33.3,1.114,33,tested_positive
|
||||
3,170,64,37,225,34.5,0.356,30,tested_positive
|
||||
8,84,74,31,0,38.3,0.457,39,tested_negative
|
||||
2,96,68,13,49,21.1,0.647,26,tested_negative
|
||||
2,125,60,20,140,33.8,0.088,31,tested_negative
|
||||
0,100,70,26,50,30.8,0.597,21,tested_negative
|
||||
0,93,60,25,92,28.7,0.532,22,tested_negative
|
||||
0,129,80,0,0,31.2,0.703,29,tested_negative
|
||||
5,105,72,29,325,36.9,0.159,28,tested_negative
|
||||
3,128,78,0,0,21.1,0.268,55,tested_negative
|
||||
5,106,82,30,0,39.5,0.286,38,tested_negative
|
||||
2,108,52,26,63,32.5,0.318,22,tested_negative
|
||||
10,108,66,0,0,32.4,0.272,42,tested_positive
|
||||
4,154,62,31,284,32.8,0.237,23,tested_negative
|
||||
0,102,75,23,0,0,0.572,21,tested_negative
|
||||
9,57,80,37,0,32.8,0.096,41,tested_negative
|
||||
2,106,64,35,119,30.5,1.4,34,tested_negative
|
||||
5,147,78,0,0,33.7,0.218,65,tested_negative
|
||||
2,90,70,17,0,27.3,0.085,22,tested_negative
|
||||
1,136,74,50,204,37.4,0.399,24,tested_negative
|
||||
4,114,65,0,0,21.9,0.432,37,tested_negative
|
||||
9,156,86,28,155,34.3,1.189,42,tested_positive
|
||||
1,153,82,42,485,40.6,0.687,23,tested_negative
|
||||
8,188,78,0,0,47.9,0.137,43,tested_positive
|
||||
7,152,88,44,0,50,0.337,36,tested_positive
|
||||
2,99,52,15,94,24.6,0.637,21,tested_negative
|
||||
1,109,56,21,135,25.2,0.833,23,tested_negative
|
||||
2,88,74,19,53,29,0.229,22,tested_negative
|
||||
17,163,72,41,114,40.9,0.817,47,tested_positive
|
||||
4,151,90,38,0,29.7,0.294,36,tested_negative
|
||||
7,102,74,40,105,37.2,0.204,45,tested_negative
|
||||
0,114,80,34,285,44.2,0.167,27,tested_negative
|
||||
2,100,64,23,0,29.7,0.368,21,tested_negative
|
||||
0,131,88,0,0,31.6,0.743,32,tested_positive
|
||||
6,104,74,18,156,29.9,0.722,41,tested_positive
|
||||
3,148,66,25,0,32.5,0.256,22,tested_negative
|
||||
4,120,68,0,0,29.6,0.709,34,tested_negative
|
||||
4,110,66,0,0,31.9,0.471,29,tested_negative
|
||||
3,111,90,12,78,28.4,0.495,29,tested_negative
|
||||
6,102,82,0,0,30.8,0.18,36,tested_positive
|
||||
6,134,70,23,130,35.4,0.542,29,tested_positive
|
||||
2,87,0,23,0,28.9,0.773,25,tested_negative
|
||||
1,79,60,42,48,43.5,0.678,23,tested_negative
|
||||
2,75,64,24,55,29.7,0.37,33,tested_negative
|
||||
8,179,72,42,130,32.7,0.719,36,tested_positive
|
||||
6,85,78,0,0,31.2,0.382,42,tested_negative
|
||||
0,129,110,46,130,67.1,0.319,26,tested_positive
|
||||
5,143,78,0,0,45,0.19,47,tested_negative
|
||||
5,130,82,0,0,39.1,0.956,37,tested_positive
|
||||
6,87,80,0,0,23.2,0.084,32,tested_negative
|
||||
0,119,64,18,92,34.9,0.725,23,tested_negative
|
||||
1,0,74,20,23,27.7,0.299,21,tested_negative
|
||||
5,73,60,0,0,26.8,0.268,27,tested_negative
|
||||
4,141,74,0,0,27.6,0.244,40,tested_negative
|
||||
7,194,68,28,0,35.9,0.745,41,tested_positive
|
||||
8,181,68,36,495,30.1,0.615,60,tested_positive
|
||||
1,128,98,41,58,32,1.321,33,tested_positive
|
||||
8,109,76,39,114,27.9,0.64,31,tested_positive
|
||||
5,139,80,35,160,31.6,0.361,25,tested_positive
|
||||
3,111,62,0,0,22.6,0.142,21,tested_negative
|
||||
9,123,70,44,94,33.1,0.374,40,tested_negative
|
||||
7,159,66,0,0,30.4,0.383,36,tested_positive
|
||||
11,135,0,0,0,52.3,0.578,40,tested_positive
|
||||
8,85,55,20,0,24.4,0.136,42,tested_negative
|
||||
5,158,84,41,210,39.4,0.395,29,tested_positive
|
||||
1,105,58,0,0,24.3,0.187,21,tested_negative
|
||||
3,107,62,13,48,22.9,0.678,23,tested_positive
|
||||
4,109,64,44,99,34.8,0.905,26,tested_positive
|
||||
4,148,60,27,318,30.9,0.15,29,tested_positive
|
||||
0,113,80,16,0,31,0.874,21,tested_negative
|
||||
1,138,82,0,0,40.1,0.236,28,tested_negative
|
||||
0,108,68,20,0,27.3,0.787,32,tested_negative
|
||||
2,99,70,16,44,20.4,0.235,27,tested_negative
|
||||
6,103,72,32,190,37.7,0.324,55,tested_negative
|
||||
5,111,72,28,0,23.9,0.407,27,tested_negative
|
||||
8,196,76,29,280,37.5,0.605,57,tested_positive
|
||||
5,162,104,0,0,37.7,0.151,52,tested_positive
|
||||
1,96,64,27,87,33.2,0.289,21,tested_negative
|
||||
7,184,84,33,0,35.5,0.355,41,tested_positive
|
||||
2,81,60,22,0,27.7,0.29,25,tested_negative
|
||||
0,147,85,54,0,42.8,0.375,24,tested_negative
|
||||
7,179,95,31,0,34.2,0.164,60,tested_negative
|
||||
0,140,65,26,130,42.6,0.431,24,tested_positive
|
||||
9,112,82,32,175,34.2,0.26,36,tested_positive
|
||||
12,151,70,40,271,41.8,0.742,38,tested_positive
|
||||
5,109,62,41,129,35.8,0.514,25,tested_positive
|
||||
6,125,68,30,120,30,0.464,32,tested_negative
|
||||
5,85,74,22,0,29,1.224,32,tested_positive
|
||||
5,112,66,0,0,37.8,0.261,41,tested_positive
|
||||
0,177,60,29,478,34.6,1.072,21,tested_positive
|
||||
2,158,90,0,0,31.6,0.805,66,tested_positive
|
||||
7,119,0,0,0,25.2,0.209,37,tested_negative
|
||||
7,142,60,33,190,28.8,0.687,61,tested_negative
|
||||
1,100,66,15,56,23.6,0.666,26,tested_negative
|
||||
1,87,78,27,32,34.6,0.101,22,tested_negative
|
||||
0,101,76,0,0,35.7,0.198,26,tested_negative
|
||||
3,162,52,38,0,37.2,0.652,24,tested_positive
|
||||
4,197,70,39,744,36.7,2.329,31,tested_negative
|
||||
0,117,80,31,53,45.2,0.089,24,tested_negative
|
||||
4,142,86,0,0,44,0.645,22,tested_positive
|
||||
6,134,80,37,370,46.2,0.238,46,tested_positive
|
||||
1,79,80,25,37,25.4,0.583,22,tested_negative
|
||||
4,122,68,0,0,35,0.394,29,tested_negative
|
||||
3,74,68,28,45,29.7,0.293,23,tested_negative
|
||||
4,171,72,0,0,43.6,0.479,26,tested_positive
|
||||
7,181,84,21,192,35.9,0.586,51,tested_positive
|
||||
0,179,90,27,0,44.1,0.686,23,tested_positive
|
||||
9,164,84,21,0,30.8,0.831,32,tested_positive
|
||||
0,104,76,0,0,18.4,0.582,27,tested_negative
|
||||
1,91,64,24,0,29.2,0.192,21,tested_negative
|
||||
4,91,70,32,88,33.1,0.446,22,tested_negative
|
||||
3,139,54,0,0,25.6,0.402,22,tested_positive
|
||||
6,119,50,22,176,27.1,1.318,33,tested_positive
|
||||
2,146,76,35,194,38.2,0.329,29,tested_negative
|
||||
9,184,85,15,0,30,1.213,49,tested_positive
|
||||
10,122,68,0,0,31.2,0.258,41,tested_negative
|
||||
0,165,90,33,680,52.3,0.427,23,tested_negative
|
||||
9,124,70,33,402,35.4,0.282,34,tested_negative
|
||||
1,111,86,19,0,30.1,0.143,23,tested_negative
|
||||
9,106,52,0,0,31.2,0.38,42,tested_negative
|
||||
2,129,84,0,0,28,0.284,27,tested_negative
|
||||
2,90,80,14,55,24.4,0.249,24,tested_negative
|
||||
0,86,68,32,0,35.8,0.238,25,tested_negative
|
||||
12,92,62,7,258,27.6,0.926,44,tested_positive
|
||||
1,113,64,35,0,33.6,0.543,21,tested_positive
|
||||
3,111,56,39,0,30.1,0.557,30,tested_negative
|
||||
2,114,68,22,0,28.7,0.092,25,tested_negative
|
||||
1,193,50,16,375,25.9,0.655,24,tested_negative
|
||||
11,155,76,28,150,33.3,1.353,51,tested_positive
|
||||
3,191,68,15,130,30.9,0.299,34,tested_negative
|
||||
3,141,0,0,0,30,0.761,27,tested_positive
|
||||
4,95,70,32,0,32.1,0.612,24,tested_negative
|
||||
3,142,80,15,0,32.4,0.2,63,tested_negative
|
||||
4,123,62,0,0,32,0.226,35,tested_positive
|
||||
5,96,74,18,67,33.6,0.997,43,tested_negative
|
||||
0,138,0,0,0,36.3,0.933,25,tested_positive
|
||||
2,128,64,42,0,40,1.101,24,tested_negative
|
||||
0,102,52,0,0,25.1,0.078,21,tested_negative
|
||||
2,146,0,0,0,27.5,0.24,28,tested_positive
|
||||
10,101,86,37,0,45.6,1.136,38,tested_positive
|
||||
2,108,62,32,56,25.2,0.128,21,tested_negative
|
||||
3,122,78,0,0,23,0.254,40,tested_negative
|
||||
1,71,78,50,45,33.2,0.422,21,tested_negative
|
||||
13,106,70,0,0,34.2,0.251,52,tested_negative
|
||||
2,100,70,52,57,40.5,0.677,25,tested_negative
|
||||
7,106,60,24,0,26.5,0.296,29,tested_positive
|
||||
0,104,64,23,116,27.8,0.454,23,tested_negative
|
||||
5,114,74,0,0,24.9,0.744,57,tested_negative
|
||||
2,108,62,10,278,25.3,0.881,22,tested_negative
|
||||
0,146,70,0,0,37.9,0.334,28,tested_positive
|
||||
10,129,76,28,122,35.9,0.28,39,tested_negative
|
||||
7,133,88,15,155,32.4,0.262,37,tested_negative
|
||||
7,161,86,0,0,30.4,0.165,47,tested_positive
|
||||
2,108,80,0,0,27,0.259,52,tested_positive
|
||||
7,136,74,26,135,26,0.647,51,tested_negative
|
||||
5,155,84,44,545,38.7,0.619,34,tested_negative
|
||||
1,119,86,39,220,45.6,0.808,29,tested_positive
|
||||
4,96,56,17,49,20.8,0.34,26,tested_negative
|
||||
5,108,72,43,75,36.1,0.263,33,tested_negative
|
||||
0,78,88,29,40,36.9,0.434,21,tested_negative
|
||||
0,107,62,30,74,36.6,0.757,25,tested_positive
|
||||
2,128,78,37,182,43.3,1.224,31,tested_positive
|
||||
1,128,48,45,194,40.5,0.613,24,tested_positive
|
||||
0,161,50,0,0,21.9,0.254,65,tested_negative
|
||||
6,151,62,31,120,35.5,0.692,28,tested_negative
|
||||
2,146,70,38,360,28,0.337,29,tested_positive
|
||||
0,126,84,29,215,30.7,0.52,24,tested_negative
|
||||
14,100,78,25,184,36.6,0.412,46,tested_positive
|
||||
8,112,72,0,0,23.6,0.84,58,tested_negative
|
||||
0,167,0,0,0,32.3,0.839,30,tested_positive
|
||||
2,144,58,33,135,31.6,0.422,25,tested_positive
|
||||
5,77,82,41,42,35.8,0.156,35,tested_negative
|
||||
5,115,98,0,0,52.9,0.209,28,tested_positive
|
||||
3,150,76,0,0,21,0.207,37,tested_negative
|
||||
2,120,76,37,105,39.7,0.215,29,tested_negative
|
||||
10,161,68,23,132,25.5,0.326,47,tested_positive
|
||||
0,137,68,14,148,24.8,0.143,21,tested_negative
|
||||
0,128,68,19,180,30.5,1.391,25,tested_positive
|
||||
2,124,68,28,205,32.9,0.875,30,tested_positive
|
||||
6,80,66,30,0,26.2,0.313,41,tested_negative
|
||||
0,106,70,37,148,39.4,0.605,22,tested_negative
|
||||
2,155,74,17,96,26.6,0.433,27,tested_positive
|
||||
3,113,50,10,85,29.5,0.626,25,tested_negative
|
||||
7,109,80,31,0,35.9,1.127,43,tested_positive
|
||||
2,112,68,22,94,34.1,0.315,26,tested_negative
|
||||
3,99,80,11,64,19.3,0.284,30,tested_negative
|
||||
3,182,74,0,0,30.5,0.345,29,tested_positive
|
||||
3,115,66,39,140,38.1,0.15,28,tested_negative
|
||||
6,194,78,0,0,23.5,0.129,59,tested_positive
|
||||
4,129,60,12,231,27.5,0.527,31,tested_negative
|
||||
3,112,74,30,0,31.6,0.197,25,tested_positive
|
||||
0,124,70,20,0,27.4,0.254,36,tested_positive
|
||||
13,152,90,33,29,26.8,0.731,43,tested_positive
|
||||
2,112,75,32,0,35.7,0.148,21,tested_negative
|
||||
1,157,72,21,168,25.6,0.123,24,tested_negative
|
||||
1,122,64,32,156,35.1,0.692,30,tested_positive
|
||||
10,179,70,0,0,35.1,0.2,37,tested_negative
|
||||
2,102,86,36,120,45.5,0.127,23,tested_positive
|
||||
6,105,70,32,68,30.8,0.122,37,tested_negative
|
||||
8,118,72,19,0,23.1,1.476,46,tested_negative
|
||||
2,87,58,16,52,32.7,0.166,25,tested_negative
|
||||
1,180,0,0,0,43.3,0.282,41,tested_positive
|
||||
12,106,80,0,0,23.6,0.137,44,tested_negative
|
||||
1,95,60,18,58,23.9,0.26,22,tested_negative
|
||||
0,165,76,43,255,47.9,0.259,26,tested_negative
|
||||
0,117,0,0,0,33.8,0.932,44,tested_negative
|
||||
5,115,76,0,0,31.2,0.343,44,tested_positive
|
||||
9,152,78,34,171,34.2,0.893,33,tested_positive
|
||||
7,178,84,0,0,39.9,0.331,41,tested_positive
|
||||
1,130,70,13,105,25.9,0.472,22,tested_negative
|
||||
1,95,74,21,73,25.9,0.673,36,tested_negative
|
||||
1,0,68,35,0,32,0.389,22,tested_negative
|
||||
5,122,86,0,0,34.7,0.29,33,tested_negative
|
||||
8,95,72,0,0,36.8,0.485,57,tested_negative
|
||||
8,126,88,36,108,38.5,0.349,49,tested_negative
|
||||
1,139,46,19,83,28.7,0.654,22,tested_negative
|
||||
3,116,0,0,0,23.5,0.187,23,tested_negative
|
||||
3,99,62,19,74,21.8,0.279,26,tested_negative
|
||||
5,0,80,32,0,41,0.346,37,tested_positive
|
||||
4,92,80,0,0,42.2,0.237,29,tested_negative
|
||||
4,137,84,0,0,31.2,0.252,30,tested_negative
|
||||
3,61,82,28,0,34.4,0.243,46,tested_negative
|
||||
1,90,62,12,43,27.2,0.58,24,tested_negative
|
||||
3,90,78,0,0,42.7,0.559,21,tested_negative
|
||||
9,165,88,0,0,30.4,0.302,49,tested_positive
|
||||
1,125,50,40,167,33.3,0.962,28,tested_positive
|
||||
13,129,0,30,0,39.9,0.569,44,tested_positive
|
||||
12,88,74,40,54,35.3,0.378,48,tested_negative
|
||||
1,196,76,36,249,36.5,0.875,29,tested_positive
|
||||
5,189,64,33,325,31.2,0.583,29,tested_positive
|
||||
5,158,70,0,0,29.8,0.207,63,tested_negative
|
||||
5,103,108,37,0,39.2,0.305,65,tested_negative
|
||||
4,146,78,0,0,38.5,0.52,67,tested_positive
|
||||
4,147,74,25,293,34.9,0.385,30,tested_negative
|
||||
5,99,54,28,83,34,0.499,30,tested_negative
|
||||
6,124,72,0,0,27.6,0.368,29,tested_positive
|
||||
0,101,64,17,0,21,0.252,21,tested_negative
|
||||
3,81,86,16,66,27.5,0.306,22,tested_negative
|
||||
1,133,102,28,140,32.8,0.234,45,tested_positive
|
||||
3,173,82,48,465,38.4,2.137,25,tested_positive
|
||||
0,118,64,23,89,0,1.731,21,tested_negative
|
||||
0,84,64,22,66,35.8,0.545,21,tested_negative
|
||||
2,105,58,40,94,34.9,0.225,25,tested_negative
|
||||
2,122,52,43,158,36.2,0.816,28,tested_negative
|
||||
12,140,82,43,325,39.2,0.528,58,tested_positive
|
||||
0,98,82,15,84,25.2,0.299,22,tested_negative
|
||||
1,87,60,37,75,37.2,0.509,22,tested_negative
|
||||
4,156,75,0,0,48.3,0.238,32,tested_positive
|
||||
0,93,100,39,72,43.4,1.021,35,tested_negative
|
||||
1,107,72,30,82,30.8,0.821,24,tested_negative
|
||||
0,105,68,22,0,20,0.236,22,tested_negative
|
||||
1,109,60,8,182,25.4,0.947,21,tested_negative
|
||||
1,90,62,18,59,25.1,1.268,25,tested_negative
|
||||
1,125,70,24,110,24.3,0.221,25,tested_negative
|
||||
1,119,54,13,50,22.3,0.205,24,tested_negative
|
||||
5,116,74,29,0,32.3,0.66,35,tested_positive
|
||||
8,105,100,36,0,43.3,0.239,45,tested_positive
|
||||
5,144,82,26,285,32,0.452,58,tested_positive
|
||||
3,100,68,23,81,31.6,0.949,28,tested_negative
|
||||
1,100,66,29,196,32,0.444,42,tested_negative
|
||||
5,166,76,0,0,45.7,0.34,27,tested_positive
|
||||
1,131,64,14,415,23.7,0.389,21,tested_negative
|
||||
4,116,72,12,87,22.1,0.463,37,tested_negative
|
||||
4,158,78,0,0,32.9,0.803,31,tested_positive
|
||||
2,127,58,24,275,27.7,1.6,25,tested_negative
|
||||
3,96,56,34,115,24.7,0.944,39,tested_negative
|
||||
0,131,66,40,0,34.3,0.196,22,tested_positive
|
||||
3,82,70,0,0,21.1,0.389,25,tested_negative
|
||||
3,193,70,31,0,34.9,0.241,25,tested_positive
|
||||
4,95,64,0,0,32,0.161,31,tested_positive
|
||||
6,137,61,0,0,24.2,0.151,55,tested_negative
|
||||
5,136,84,41,88,35,0.286,35,tested_positive
|
||||
9,72,78,25,0,31.6,0.28,38,tested_negative
|
||||
5,168,64,0,0,32.9,0.135,41,tested_positive
|
||||
2,123,48,32,165,42.1,0.52,26,tested_negative
|
||||
4,115,72,0,0,28.9,0.376,46,tested_positive
|
||||
0,101,62,0,0,21.9,0.336,25,tested_negative
|
||||
8,197,74,0,0,25.9,1.191,39,tested_positive
|
||||
1,172,68,49,579,42.4,0.702,28,tested_positive
|
||||
6,102,90,39,0,35.7,0.674,28,tested_negative
|
||||
1,112,72,30,176,34.4,0.528,25,tested_negative
|
||||
1,143,84,23,310,42.4,1.076,22,tested_negative
|
||||
1,143,74,22,61,26.2,0.256,21,tested_negative
|
||||
0,138,60,35,167,34.6,0.534,21,tested_positive
|
||||
3,173,84,33,474,35.7,0.258,22,tested_positive
|
||||
1,97,68,21,0,27.2,1.095,22,tested_negative
|
||||
4,144,82,32,0,38.5,0.554,37,tested_positive
|
||||
1,83,68,0,0,18.2,0.624,27,tested_negative
|
||||
3,129,64,29,115,26.4,0.219,28,tested_positive
|
||||
1,119,88,41,170,45.3,0.507,26,tested_negative
|
||||
2,94,68,18,76,26,0.561,21,tested_negative
|
||||
0,102,64,46,78,40.6,0.496,21,tested_negative
|
||||
2,115,64,22,0,30.8,0.421,21,tested_negative
|
||||
8,151,78,32,210,42.9,0.516,36,tested_positive
|
||||
4,184,78,39,277,37,0.264,31,tested_positive
|
||||
0,94,0,0,0,0,0.256,25,tested_negative
|
||||
1,181,64,30,180,34.1,0.328,38,tested_positive
|
||||
0,135,94,46,145,40.6,0.284,26,tested_negative
|
||||
1,95,82,25,180,35,0.233,43,tested_positive
|
||||
2,99,0,0,0,22.2,0.108,23,tested_negative
|
||||
3,89,74,16,85,30.4,0.551,38,tested_negative
|
||||
1,80,74,11,60,30,0.527,22,tested_negative
|
||||
2,139,75,0,0,25.6,0.167,29,tested_negative
|
||||
1,90,68,8,0,24.5,1.138,36,tested_negative
|
||||
0,141,0,0,0,42.4,0.205,29,tested_positive
|
||||
12,140,85,33,0,37.4,0.244,41,tested_negative
|
||||
5,147,75,0,0,29.9,0.434,28,tested_negative
|
||||
1,97,70,15,0,18.2,0.147,21,tested_negative
|
||||
6,107,88,0,0,36.8,0.727,31,tested_negative
|
||||
0,189,104,25,0,34.3,0.435,41,tested_positive
|
||||
2,83,66,23,50,32.2,0.497,22,tested_negative
|
||||
4,117,64,27,120,33.2,0.23,24,tested_negative
|
||||
8,108,70,0,0,30.5,0.955,33,tested_positive
|
||||
4,117,62,12,0,29.7,0.38,30,tested_positive
|
||||
0,180,78,63,14,59.4,2.42,25,tested_positive
|
||||
1,100,72,12,70,25.3,0.658,28,tested_negative
|
||||
0,95,80,45,92,36.5,0.33,26,tested_negative
|
||||
0,104,64,37,64,33.6,0.51,22,tested_positive
|
||||
0,120,74,18,63,30.5,0.285,26,tested_negative
|
||||
1,82,64,13,95,21.2,0.415,23,tested_negative
|
||||
2,134,70,0,0,28.9,0.542,23,tested_positive
|
||||
0,91,68,32,210,39.9,0.381,25,tested_negative
|
||||
2,119,0,0,0,19.6,0.832,72,tested_negative
|
||||
2,100,54,28,105,37.8,0.498,24,tested_negative
|
||||
14,175,62,30,0,33.6,0.212,38,tested_positive
|
||||
1,135,54,0,0,26.7,0.687,62,tested_negative
|
||||
5,86,68,28,71,30.2,0.364,24,tested_negative
|
||||
10,148,84,48,237,37.6,1.001,51,tested_positive
|
||||
9,134,74,33,60,25.9,0.46,81,tested_negative
|
||||
9,120,72,22,56,20.8,0.733,48,tested_negative
|
||||
1,71,62,0,0,21.8,0.416,26,tested_negative
|
||||
8,74,70,40,49,35.3,0.705,39,tested_negative
|
||||
5,88,78,30,0,27.6,0.258,37,tested_negative
|
||||
10,115,98,0,0,24,1.022,34,tested_negative
|
||||
0,124,56,13,105,21.8,0.452,21,tested_negative
|
||||
0,74,52,10,36,27.8,0.269,22,tested_negative
|
||||
0,97,64,36,100,36.8,0.6,25,tested_negative
|
||||
8,120,0,0,0,30,0.183,38,tested_positive
|
||||
6,154,78,41,140,46.1,0.571,27,tested_negative
|
||||
1,144,82,40,0,41.3,0.607,28,tested_negative
|
||||
0,137,70,38,0,33.2,0.17,22,tested_negative
|
||||
0,119,66,27,0,38.8,0.259,22,tested_negative
|
||||
7,136,90,0,0,29.9,0.21,50,tested_negative
|
||||
4,114,64,0,0,28.9,0.126,24,tested_negative
|
||||
0,137,84,27,0,27.3,0.231,59,tested_negative
|
||||
2,105,80,45,191,33.7,0.711,29,tested_positive
|
||||
7,114,76,17,110,23.8,0.466,31,tested_negative
|
||||
8,126,74,38,75,25.9,0.162,39,tested_negative
|
||||
4,132,86,31,0,28,0.419,63,tested_negative
|
||||
3,158,70,30,328,35.5,0.344,35,tested_positive
|
||||
0,123,88,37,0,35.2,0.197,29,tested_negative
|
||||
4,85,58,22,49,27.8,0.306,28,tested_negative
|
||||
0,84,82,31,125,38.2,0.233,23,tested_negative
|
||||
0,145,0,0,0,44.2,0.63,31,tested_positive
|
||||
0,135,68,42,250,42.3,0.365,24,tested_positive
|
||||
1,139,62,41,480,40.7,0.536,21,tested_negative
|
||||
0,173,78,32,265,46.5,1.159,58,tested_negative
|
||||
4,99,72,17,0,25.6,0.294,28,tested_negative
|
||||
8,194,80,0,0,26.1,0.551,67,tested_negative
|
||||
2,83,65,28,66,36.8,0.629,24,tested_negative
|
||||
2,89,90,30,0,33.5,0.292,42,tested_negative
|
||||
4,99,68,38,0,32.8,0.145,33,tested_negative
|
||||
4,125,70,18,122,28.9,1.144,45,tested_positive
|
||||
3,80,0,0,0,0,0.174,22,tested_negative
|
||||
6,166,74,0,0,26.6,0.304,66,tested_negative
|
||||
5,110,68,0,0,26,0.292,30,tested_negative
|
||||
2,81,72,15,76,30.1,0.547,25,tested_negative
|
||||
7,195,70,33,145,25.1,0.163,55,tested_positive
|
||||
6,154,74,32,193,29.3,0.839,39,tested_negative
|
||||
2,117,90,19,71,25.2,0.313,21,tested_negative
|
||||
3,84,72,32,0,37.2,0.267,28,tested_negative
|
||||
6,0,68,41,0,39,0.727,41,tested_positive
|
||||
7,94,64,25,79,33.3,0.738,41,tested_negative
|
||||
3,96,78,39,0,37.3,0.238,40,tested_negative
|
||||
10,75,82,0,0,33.3,0.263,38,tested_negative
|
||||
0,180,90,26,90,36.5,0.314,35,tested_positive
|
||||
1,130,60,23,170,28.6,0.692,21,tested_negative
|
||||
2,84,50,23,76,30.4,0.968,21,tested_negative
|
||||
8,120,78,0,0,25,0.409,64,tested_negative
|
||||
12,84,72,31,0,29.7,0.297,46,tested_positive
|
||||
0,139,62,17,210,22.1,0.207,21,tested_negative
|
||||
9,91,68,0,0,24.2,0.2,58,tested_negative
|
||||
2,91,62,0,0,27.3,0.525,22,tested_negative
|
||||
3,99,54,19,86,25.6,0.154,24,tested_negative
|
||||
3,163,70,18,105,31.6,0.268,28,tested_positive
|
||||
9,145,88,34,165,30.3,0.771,53,tested_positive
|
||||
7,125,86,0,0,37.6,0.304,51,tested_negative
|
||||
13,76,60,0,0,32.8,0.18,41,tested_negative
|
||||
6,129,90,7,326,19.6,0.582,60,tested_negative
|
||||
2,68,70,32,66,25,0.187,25,tested_negative
|
||||
3,124,80,33,130,33.2,0.305,26,tested_negative
|
||||
6,114,0,0,0,0,0.189,26,tested_negative
|
||||
9,130,70,0,0,34.2,0.652,45,tested_positive
|
||||
3,125,58,0,0,31.6,0.151,24,tested_negative
|
||||
3,87,60,18,0,21.8,0.444,21,tested_negative
|
||||
1,97,64,19,82,18.2,0.299,21,tested_negative
|
||||
3,116,74,15,105,26.3,0.107,24,tested_negative
|
||||
0,117,66,31,188,30.8,0.493,22,tested_negative
|
||||
0,111,65,0,0,24.6,0.66,31,tested_negative
|
||||
2,122,60,18,106,29.8,0.717,22,tested_negative
|
||||
0,107,76,0,0,45.3,0.686,24,tested_negative
|
||||
1,86,66,52,65,41.3,0.917,29,tested_negative
|
||||
6,91,0,0,0,29.8,0.501,31,tested_negative
|
||||
1,77,56,30,56,33.3,1.251,24,tested_negative
|
||||
4,132,0,0,0,32.9,0.302,23,tested_positive
|
||||
0,105,90,0,0,29.6,0.197,46,tested_negative
|
||||
0,57,60,0,0,21.7,0.735,67,tested_negative
|
||||
0,127,80,37,210,36.3,0.804,23,tested_negative
|
||||
3,129,92,49,155,36.4,0.968,32,tested_positive
|
||||
8,100,74,40,215,39.4,0.661,43,tested_positive
|
||||
3,128,72,25,190,32.4,0.549,27,tested_positive
|
||||
10,90,85,32,0,34.9,0.825,56,tested_positive
|
||||
4,84,90,23,56,39.5,0.159,25,tested_negative
|
||||
1,88,78,29,76,32,0.365,29,tested_negative
|
||||
8,186,90,35,225,34.5,0.423,37,tested_positive
|
||||
5,187,76,27,207,43.6,1.034,53,tested_positive
|
||||
4,131,68,21,166,33.1,0.16,28,tested_negative
|
||||
1,164,82,43,67,32.8,0.341,50,tested_negative
|
||||
4,189,110,31,0,28.5,0.68,37,tested_negative
|
||||
1,116,70,28,0,27.4,0.204,21,tested_negative
|
||||
3,84,68,30,106,31.9,0.591,25,tested_negative
|
||||
6,114,88,0,0,27.8,0.247,66,tested_negative
|
||||
1,88,62,24,44,29.9,0.422,23,tested_negative
|
||||
1,84,64,23,115,36.9,0.471,28,tested_negative
|
||||
7,124,70,33,215,25.5,0.161,37,tested_negative
|
||||
1,97,70,40,0,38.1,0.218,30,tested_negative
|
||||
8,110,76,0,0,27.8,0.237,58,tested_negative
|
||||
11,103,68,40,0,46.2,0.126,42,tested_negative
|
||||
11,85,74,0,0,30.1,0.3,35,tested_negative
|
||||
6,125,76,0,0,33.8,0.121,54,tested_positive
|
||||
0,198,66,32,274,41.3,0.502,28,tested_positive
|
||||
1,87,68,34,77,37.6,0.401,24,tested_negative
|
||||
6,99,60,19,54,26.9,0.497,32,tested_negative
|
||||
0,91,80,0,0,32.4,0.601,27,tested_negative
|
||||
2,95,54,14,88,26.1,0.748,22,tested_negative
|
||||
1,99,72,30,18,38.6,0.412,21,tested_negative
|
||||
6,92,62,32,126,32,0.085,46,tested_negative
|
||||
4,154,72,29,126,31.3,0.338,37,tested_negative
|
||||
0,121,66,30,165,34.3,0.203,33,tested_positive
|
||||
3,78,70,0,0,32.5,0.27,39,tested_negative
|
||||
2,130,96,0,0,22.6,0.268,21,tested_negative
|
||||
3,111,58,31,44,29.5,0.43,22,tested_negative
|
||||
2,98,60,17,120,34.7,0.198,22,tested_negative
|
||||
1,143,86,30,330,30.1,0.892,23,tested_negative
|
||||
1,119,44,47,63,35.5,0.28,25,tested_negative
|
||||
6,108,44,20,130,24,0.813,35,tested_negative
|
||||
2,118,80,0,0,42.9,0.693,21,tested_positive
|
||||
10,133,68,0,0,27,0.245,36,tested_negative
|
||||
2,197,70,99,0,34.7,0.575,62,tested_positive
|
||||
0,151,90,46,0,42.1,0.371,21,tested_positive
|
||||
6,109,60,27,0,25,0.206,27,tested_negative
|
||||
12,121,78,17,0,26.5,0.259,62,tested_negative
|
||||
8,100,76,0,0,38.7,0.19,42,tested_negative
|
||||
8,124,76,24,600,28.7,0.687,52,tested_positive
|
||||
1,93,56,11,0,22.5,0.417,22,tested_negative
|
||||
8,143,66,0,0,34.9,0.129,41,tested_positive
|
||||
6,103,66,0,0,24.3,0.249,29,tested_negative
|
||||
3,176,86,27,156,33.3,1.154,52,tested_positive
|
||||
0,73,0,0,0,21.1,0.342,25,tested_negative
|
||||
11,111,84,40,0,46.8,0.925,45,tested_positive
|
||||
2,112,78,50,140,39.4,0.175,24,tested_negative
|
||||
3,132,80,0,0,34.4,0.402,44,tested_positive
|
||||
2,82,52,22,115,28.5,1.699,25,tested_negative
|
||||
6,123,72,45,230,33.6,0.733,34,tested_negative
|
||||
0,188,82,14,185,32,0.682,22,tested_positive
|
||||
0,67,76,0,0,45.3,0.194,46,tested_negative
|
||||
1,89,24,19,25,27.8,0.559,21,tested_negative
|
||||
1,173,74,0,0,36.8,0.088,38,tested_positive
|
||||
1,109,38,18,120,23.1,0.407,26,tested_negative
|
||||
1,108,88,19,0,27.1,0.4,24,tested_negative
|
||||
6,96,0,0,0,23.7,0.19,28,tested_negative
|
||||
1,124,74,36,0,27.8,0.1,30,tested_negative
|
||||
7,150,78,29,126,35.2,0.692,54,tested_positive
|
||||
4,183,0,0,0,28.4,0.212,36,tested_positive
|
||||
1,124,60,32,0,35.8,0.514,21,tested_negative
|
||||
1,181,78,42,293,40,1.258,22,tested_positive
|
||||
1,92,62,25,41,19.5,0.482,25,tested_negative
|
||||
0,152,82,39,272,41.5,0.27,27,tested_negative
|
||||
1,111,62,13,182,24,0.138,23,tested_negative
|
||||
3,106,54,21,158,30.9,0.292,24,tested_negative
|
||||
3,174,58,22,194,32.9,0.593,36,tested_positive
|
||||
7,168,88,42,321,38.2,0.787,40,tested_positive
|
||||
6,105,80,28,0,32.5,0.878,26,tested_negative
|
||||
11,138,74,26,144,36.1,0.557,50,tested_positive
|
||||
3,106,72,0,0,25.8,0.207,27,tested_negative
|
||||
6,117,96,0,0,28.7,0.157,30,tested_negative
|
||||
2,68,62,13,15,20.1,0.257,23,tested_negative
|
||||
9,112,82,24,0,28.2,1.282,50,tested_positive
|
||||
0,119,0,0,0,32.4,0.141,24,tested_positive
|
||||
2,112,86,42,160,38.4,0.246,28,tested_negative
|
||||
2,92,76,20,0,24.2,1.698,28,tested_negative
|
||||
6,183,94,0,0,40.8,1.461,45,tested_negative
|
||||
0,94,70,27,115,43.5,0.347,21,tested_negative
|
||||
2,108,64,0,0,30.8,0.158,21,tested_negative
|
||||
4,90,88,47,54,37.7,0.362,29,tested_negative
|
||||
0,125,68,0,0,24.7,0.206,21,tested_negative
|
||||
0,132,78,0,0,32.4,0.393,21,tested_negative
|
||||
5,128,80,0,0,34.6,0.144,45,tested_negative
|
||||
4,94,65,22,0,24.7,0.148,21,tested_negative
|
||||
7,114,64,0,0,27.4,0.732,34,tested_positive
|
||||
0,102,78,40,90,34.5,0.238,24,tested_negative
|
||||
2,111,60,0,0,26.2,0.343,23,tested_negative
|
||||
1,128,82,17,183,27.5,0.115,22,tested_negative
|
||||
10,92,62,0,0,25.9,0.167,31,tested_negative
|
||||
13,104,72,0,0,31.2,0.465,38,tested_positive
|
||||
5,104,74,0,0,28.8,0.153,48,tested_negative
|
||||
2,94,76,18,66,31.6,0.649,23,tested_negative
|
||||
7,97,76,32,91,40.9,0.871,32,tested_positive
|
||||
1,100,74,12,46,19.5,0.149,28,tested_negative
|
||||
0,102,86,17,105,29.3,0.695,27,tested_negative
|
||||
4,128,70,0,0,34.3,0.303,24,tested_negative
|
||||
6,147,80,0,0,29.5,0.178,50,tested_positive
|
||||
4,90,0,0,0,28,0.61,31,tested_negative
|
||||
3,103,72,30,152,27.6,0.73,27,tested_negative
|
||||
2,157,74,35,440,39.4,0.134,30,tested_negative
|
||||
1,167,74,17,144,23.4,0.447,33,tested_positive
|
||||
0,179,50,36,159,37.8,0.455,22,tested_positive
|
||||
11,136,84,35,130,28.3,0.26,42,tested_positive
|
||||
0,107,60,25,0,26.4,0.133,23,tested_negative
|
||||
1,91,54,25,100,25.2,0.234,23,tested_negative
|
||||
1,117,60,23,106,33.8,0.466,27,tested_negative
|
||||
5,123,74,40,77,34.1,0.269,28,tested_negative
|
||||
2,120,54,0,0,26.8,0.455,27,tested_negative
|
||||
1,106,70,28,135,34.2,0.142,22,tested_negative
|
||||
2,155,52,27,540,38.7,0.24,25,tested_positive
|
||||
2,101,58,35,90,21.8,0.155,22,tested_negative
|
||||
1,120,80,48,200,38.9,1.162,41,tested_negative
|
||||
11,127,106,0,0,39,0.19,51,tested_negative
|
||||
3,80,82,31,70,34.2,1.292,27,tested_positive
|
||||
10,162,84,0,0,27.7,0.182,54,tested_negative
|
||||
1,199,76,43,0,42.9,1.394,22,tested_positive
|
||||
8,167,106,46,231,37.6,0.165,43,tested_positive
|
||||
9,145,80,46,130,37.9,0.637,40,tested_positive
|
||||
6,115,60,39,0,33.7,0.245,40,tested_positive
|
||||
1,112,80,45,132,34.8,0.217,24,tested_negative
|
||||
4,145,82,18,0,32.5,0.235,70,tested_positive
|
||||
10,111,70,27,0,27.5,0.141,40,tested_positive
|
||||
6,98,58,33,190,34,0.43,43,tested_negative
|
||||
9,154,78,30,100,30.9,0.164,45,tested_negative
|
||||
6,165,68,26,168,33.6,0.631,49,tested_negative
|
||||
1,99,58,10,0,25.4,0.551,21,tested_negative
|
||||
10,68,106,23,49,35.5,0.285,47,tested_negative
|
||||
3,123,100,35,240,57.3,0.88,22,tested_negative
|
||||
8,91,82,0,0,35.6,0.587,68,tested_negative
|
||||
6,195,70,0,0,30.9,0.328,31,tested_positive
|
||||
9,156,86,0,0,24.8,0.23,53,tested_positive
|
||||
0,93,60,0,0,35.3,0.263,25,tested_negative
|
||||
3,121,52,0,0,36,0.127,25,tested_positive
|
||||
2,101,58,17,265,24.2,0.614,23,tested_negative
|
||||
2,56,56,28,45,24.2,0.332,22,tested_negative
|
||||
0,162,76,36,0,49.6,0.364,26,tested_positive
|
||||
0,95,64,39,105,44.6,0.366,22,tested_negative
|
||||
4,125,80,0,0,32.3,0.536,27,tested_positive
|
||||
5,136,82,0,0,0,0.64,69,tested_negative
|
||||
2,129,74,26,205,33.2,0.591,25,tested_negative
|
||||
3,130,64,0,0,23.1,0.314,22,tested_negative
|
||||
1,107,50,19,0,28.3,0.181,29,tested_negative
|
||||
1,140,74,26,180,24.1,0.828,23,tested_negative
|
||||
1,144,82,46,180,46.1,0.335,46,tested_positive
|
||||
8,107,80,0,0,24.6,0.856,34,tested_negative
|
||||
13,158,114,0,0,42.3,0.257,44,tested_positive
|
||||
2,121,70,32,95,39.1,0.886,23,tested_negative
|
||||
7,129,68,49,125,38.5,0.439,43,tested_positive
|
||||
2,90,60,0,0,23.5,0.191,25,tested_negative
|
||||
7,142,90,24,480,30.4,0.128,43,tested_positive
|
||||
3,169,74,19,125,29.9,0.268,31,tested_positive
|
||||
0,99,0,0,0,25,0.253,22,tested_negative
|
||||
4,127,88,11,155,34.5,0.598,28,tested_negative
|
||||
4,118,70,0,0,44.5,0.904,26,tested_negative
|
||||
2,122,76,27,200,35.9,0.483,26,tested_negative
|
||||
6,125,78,31,0,27.6,0.565,49,tested_positive
|
||||
1,168,88,29,0,35,0.905,52,tested_positive
|
||||
2,129,0,0,0,38.5,0.304,41,tested_negative
|
||||
4,110,76,20,100,28.4,0.118,27,tested_negative
|
||||
6,80,80,36,0,39.8,0.177,28,tested_negative
|
||||
10,115,0,0,0,0,0.261,30,tested_positive
|
||||
2,127,46,21,335,34.4,0.176,22,tested_negative
|
||||
9,164,78,0,0,32.8,0.148,45,tested_positive
|
||||
2,93,64,32,160,38,0.674,23,tested_positive
|
||||
3,158,64,13,387,31.2,0.295,24,tested_negative
|
||||
5,126,78,27,22,29.6,0.439,40,tested_negative
|
||||
10,129,62,36,0,41.2,0.441,38,tested_positive
|
||||
0,134,58,20,291,26.4,0.352,21,tested_negative
|
||||
3,102,74,0,0,29.5,0.121,32,tested_negative
|
||||
7,187,50,33,392,33.9,0.826,34,tested_positive
|
||||
3,173,78,39,185,33.8,0.97,31,tested_positive
|
||||
10,94,72,18,0,23.1,0.595,56,tested_negative
|
||||
1,108,60,46,178,35.5,0.415,24,tested_negative
|
||||
5,97,76,27,0,35.6,0.378,52,tested_positive
|
||||
4,83,86,19,0,29.3,0.317,34,tested_negative
|
||||
1,114,66,36,200,38.1,0.289,21,tested_negative
|
||||
1,149,68,29,127,29.3,0.349,42,tested_positive
|
||||
5,117,86,30,105,39.1,0.251,42,tested_negative
|
||||
1,111,94,0,0,32.8,0.265,45,tested_negative
|
||||
4,112,78,40,0,39.4,0.236,38,tested_negative
|
||||
1,116,78,29,180,36.1,0.496,25,tested_negative
|
||||
0,141,84,26,0,32.4,0.433,22,tested_negative
|
||||
2,175,88,0,0,22.9,0.326,22,tested_negative
|
||||
2,92,52,0,0,30.1,0.141,22,tested_negative
|
||||
3,130,78,23,79,28.4,0.323,34,tested_positive
|
||||
8,120,86,0,0,28.4,0.259,22,tested_positive
|
||||
2,174,88,37,120,44.5,0.646,24,tested_positive
|
||||
2,106,56,27,165,29,0.426,22,tested_negative
|
||||
2,105,75,0,0,23.3,0.56,53,tested_negative
|
||||
4,95,60,32,0,35.4,0.284,28,tested_negative
|
||||
0,126,86,27,120,27.4,0.515,21,tested_negative
|
||||
8,65,72,23,0,32,0.6,42,tested_negative
|
||||
2,99,60,17,160,36.6,0.453,21,tested_negative
|
||||
1,102,74,0,0,39.5,0.293,42,tested_positive
|
||||
11,120,80,37,150,42.3,0.785,48,tested_positive
|
||||
3,102,44,20,94,30.8,0.4,26,tested_negative
|
||||
1,109,58,18,116,28.5,0.219,22,tested_negative
|
||||
9,140,94,0,0,32.7,0.734,45,tested_positive
|
||||
13,153,88,37,140,40.6,1.174,39,tested_negative
|
||||
12,100,84,33,105,30,0.488,46,tested_negative
|
||||
1,147,94,41,0,49.3,0.358,27,tested_positive
|
||||
1,81,74,41,57,46.3,1.096,32,tested_negative
|
||||
3,187,70,22,200,36.4,0.408,36,tested_positive
|
||||
6,162,62,0,0,24.3,0.178,50,tested_positive
|
||||
4,136,70,0,0,31.2,1.182,22,tested_positive
|
||||
1,121,78,39,74,39,0.261,28,tested_negative
|
||||
3,108,62,24,0,26,0.223,25,tested_negative
|
||||
0,181,88,44,510,43.3,0.222,26,tested_positive
|
||||
8,154,78,32,0,32.4,0.443,45,tested_positive
|
||||
1,128,88,39,110,36.5,1.057,37,tested_positive
|
||||
7,137,90,41,0,32,0.391,39,tested_negative
|
||||
0,123,72,0,0,36.3,0.258,52,tested_positive
|
||||
1,106,76,0,0,37.5,0.197,26,tested_negative
|
||||
6,190,92,0,0,35.5,0.278,66,tested_positive
|
||||
2,88,58,26,16,28.4,0.766,22,tested_negative
|
||||
9,170,74,31,0,44,0.403,43,tested_positive
|
||||
9,89,62,0,0,22.5,0.142,33,tested_negative
|
||||
10,101,76,48,180,32.9,0.171,63,tested_negative
|
||||
2,122,70,27,0,36.8,0.34,27,tested_negative
|
||||
5,121,72,23,112,26.2,0.245,30,tested_negative
|
||||
1,126,60,0,0,30.1,0.349,47,tested_positive
|
||||
1,93,70,31,0,30.4,0.315,23,tested_negative
|
428
datasets/ecoli.arff
Executable file
428
datasets/ecoli.arff
Executable file
@@ -0,0 +1,428 @@
|
||||
%
|
||||
% 1. Title: Protein Localization Sites
|
||||
%
|
||||
%
|
||||
% 2. Creator and Maintainer:
|
||||
% Kenta Nakai
|
||||
% Institue of Molecular and Cellular Biology
|
||||
% Osaka, University
|
||||
% 1-3 Yamada-oka, Suita 565 Japan
|
||||
% nakai@imcb.osaka-u.ac.jp
|
||||
% http://www.imcb.osaka-u.ac.jp/nakai/psort.html
|
||||
% Donor: Paul Horton (paulh@cs.berkeley.edu)
|
||||
% Date: September, 1996
|
||||
% See also: yeast database
|
||||
%
|
||||
% 3. Past Usage.
|
||||
% Reference: "A Probablistic Classification System for Predicting the Cellular
|
||||
% Localization Sites of Proteins", Paul Horton & Kenta Nakai,
|
||||
% Intelligent Systems in Molecular Biology, 109-115.
|
||||
% St. Louis, USA 1996.
|
||||
% Results: 81% for E.coli with an ad hoc structured
|
||||
% probability model. Also similar accuracy for Binary Decision Tree and
|
||||
% Bayesian Classifier methods applied by the same authors in
|
||||
% unpublished results.
|
||||
%
|
||||
% Predicted Attribute: Localization site of protein. ( non-numeric ).
|
||||
%
|
||||
%
|
||||
% 4. The references below describe a predecessor to this dataset and its
|
||||
% development. They also give results (not cross-validated) for classification
|
||||
% by a rule-based expert system with that version of the dataset.
|
||||
%
|
||||
% Reference: "Expert Sytem for Predicting Protein Localization Sites in
|
||||
% Gram-Negative Bacteria", Kenta Nakai & Minoru Kanehisa,
|
||||
% PROTEINS: Structure, Function, and Genetics 11:95-110, 1991.
|
||||
%
|
||||
% Reference: "A Knowledge Base for Predicting Protein Localization Sites in
|
||||
% Eukaryotic Cells", Kenta Nakai & Minoru Kanehisa,
|
||||
% Genomics 14:897-911, 1992.
|
||||
%
|
||||
%
|
||||
% 5. Number of Instances: 336 for the E.coli dataset and
|
||||
%
|
||||
%
|
||||
% 6. Number of Attributes.
|
||||
% for E.coli dataset: 8 ( 7 predictive, 1 name )
|
||||
%
|
||||
% 7. Attribute Information.
|
||||
%
|
||||
% 1. Sequence Name: Accession number for the SWISS-PROT database
|
||||
% 2. mcg: McGeoch's method for signal sequence recognition.
|
||||
% 3. gvh: von Heijne's method for signal sequence recognition.
|
||||
% 4. lip: von Heijne's Signal Peptidase II consensus sequence score.
|
||||
% Binary attribute.
|
||||
% 5. chg: Presence of charge on N-terminus of predicted lipoproteins.
|
||||
% Binary attribute.
|
||||
% 6. aac: score of discriminant analysis of the amino acid content of
|
||||
% outer membrane and periplasmic proteins.
|
||||
% 7. alm1: score of the ALOM membrane spanning region prediction program.
|
||||
% 8. alm2: score of ALOM program after excluding putative cleavable signal
|
||||
% regions from the sequence.
|
||||
%
|
||||
% NOTE - the sequence name has been removed
|
||||
%
|
||||
% 8. Missing Attribute Values: None.
|
||||
%
|
||||
%
|
||||
% 9. Class Distribution. The class is the localization site. Please see Nakai &
|
||||
% Kanehisa referenced above for more details.
|
||||
%
|
||||
% cp (cytoplasm) 143
|
||||
% im (inner membrane without signal sequence) 77
|
||||
% pp (perisplasm) 52
|
||||
% imU (inner membrane, uncleavable signal sequence) 35
|
||||
% om (outer membrane) 20
|
||||
% omL (outer membrane lipoprotein) 5
|
||||
% imL (inner membrane lipoprotein) 2
|
||||
% imS (inner membrane, cleavable signal sequence) 2
|
||||
|
||||
@relation ecoli
|
||||
|
||||
@attribute mcg numeric
|
||||
@attribute gvh numeric
|
||||
@attribute lip numeric
|
||||
@attribute chg numeric
|
||||
@attribute aac numeric
|
||||
@attribute alm1 numeric
|
||||
@attribute alm2 numeric
|
||||
@attribute class {cp,im,pp,imU,om,omL,imL,imS}
|
||||
|
||||
@data
|
||||
|
||||
0.49,0.29,0.48,0.5,0.56,0.24,0.35,cp
|
||||
0.07,0.4,0.48,0.5,0.54,0.35,0.44,cp
|
||||
0.56,0.4,0.48,0.5,0.49,0.37,0.46,cp
|
||||
0.59,0.49,0.48,0.5,0.52,0.45,0.36,cp
|
||||
0.23,0.32,0.48,0.5,0.55,0.25,0.35,cp
|
||||
0.67,0.39,0.48,0.5,0.36,0.38,0.46,cp
|
||||
0.29,0.28,0.48,0.5,0.44,0.23,0.34,cp
|
||||
0.21,0.34,0.48,0.5,0.51,0.28,0.39,cp
|
||||
0.2,0.44,0.48,0.5,0.46,0.51,0.57,cp
|
||||
0.42,0.4,0.48,0.5,0.56,0.18,0.3,cp
|
||||
0.42,0.24,0.48,0.5,0.57,0.27,0.37,cp
|
||||
0.25,0.48,0.48,0.5,0.44,0.17,0.29,cp
|
||||
0.39,0.32,0.48,0.5,0.46,0.24,0.35,cp
|
||||
0.51,0.5,0.48,0.5,0.46,0.32,0.35,cp
|
||||
0.22,0.43,0.48,0.5,0.48,0.16,0.28,cp
|
||||
0.25,0.4,0.48,0.5,0.46,0.44,0.52,cp
|
||||
0.34,0.45,0.48,0.5,0.38,0.24,0.35,cp
|
||||
0.44,0.27,0.48,0.5,0.55,0.52,0.58,cp
|
||||
0.23,0.4,0.48,0.5,0.39,0.28,0.38,cp
|
||||
0.41,0.57,0.48,0.5,0.39,0.21,0.32,cp
|
||||
0.4,0.45,0.48,0.5,0.38,0.22,0,cp
|
||||
0.31,0.23,0.48,0.5,0.73,0.05,0.14,cp
|
||||
0.51,0.54,0.48,0.5,0.41,0.34,0.43,cp
|
||||
0.3,0.16,0.48,0.5,0.56,0.11,0.23,cp
|
||||
0.36,0.39,0.48,0.5,0.48,0.22,0.23,cp
|
||||
0.29,0.37,0.48,0.5,0.48,0.44,0.52,cp
|
||||
0.25,0.4,0.48,0.5,0.47,0.33,0.42,cp
|
||||
0.21,0.51,0.48,0.5,0.5,0.32,0.41,cp
|
||||
0.43,0.37,0.48,0.5,0.53,0.35,0.44,cp
|
||||
0.43,0.39,0.48,0.5,0.47,0.31,0.41,cp
|
||||
0.53,0.38,0.48,0.5,0.44,0.26,0.36,cp
|
||||
0.34,0.33,0.48,0.5,0.38,0.35,0.44,cp
|
||||
0.56,0.51,0.48,0.5,0.34,0.37,0.46,cp
|
||||
0.4,0.29,0.48,0.5,0.42,0.35,0.44,cp
|
||||
0.24,0.35,0.48,0.5,0.31,0.19,0.31,cp
|
||||
0.36,0.54,0.48,0.5,0.41,0.38,0.46,cp
|
||||
0.29,0.52,0.48,0.5,0.42,0.29,0.39,cp
|
||||
0.65,0.47,0.48,0.5,0.59,0.3,0.4,cp
|
||||
0.32,0.42,0.48,0.5,0.35,0.28,0.38,cp
|
||||
0.38,0.46,0.48,0.5,0.48,0.22,0.29,cp
|
||||
0.33,0.45,0.48,0.5,0.52,0.32,0.41,cp
|
||||
0.3,0.37,0.48,0.5,0.59,0.41,0.49,cp
|
||||
0.4,0.5,0.48,0.5,0.45,0.39,0.47,cp
|
||||
0.28,0.38,0.48,0.5,0.5,0.33,0.42,cp
|
||||
0.61,0.45,0.48,0.5,0.48,0.35,0.41,cp
|
||||
0.17,0.38,0.48,0.5,0.45,0.42,0.5,cp
|
||||
0.44,0.35,0.48,0.5,0.55,0.55,0.61,cp
|
||||
0.43,0.4,0.48,0.5,0.39,0.28,0.39,cp
|
||||
0.42,0.35,0.48,0.5,0.58,0.15,0.27,cp
|
||||
0.23,0.33,0.48,0.5,0.43,0.33,0.43,cp
|
||||
0.37,0.52,0.48,0.5,0.42,0.42,0.36,cp
|
||||
0.29,0.3,0.48,0.5,0.45,0.03,0.17,cp
|
||||
0.22,0.36,0.48,0.5,0.35,0.39,0.47,cp
|
||||
0.23,0.58,0.48,0.5,0.37,0.53,0.59,cp
|
||||
0.47,0.47,0.48,0.5,0.22,0.16,0.26,cp
|
||||
0.54,0.47,0.48,0.5,0.28,0.33,0.42,cp
|
||||
0.51,0.37,0.48,0.5,0.35,0.36,0.45,cp
|
||||
0.4,0.35,0.48,0.5,0.45,0.33,0.42,cp
|
||||
0.44,0.34,0.48,0.5,0.3,0.33,0.43,cp
|
||||
0.42,0.38,0.48,0.5,0.54,0.34,0.43,cp
|
||||
0.44,0.56,0.48,0.5,0.5,0.46,0.54,cp
|
||||
0.52,0.36,0.48,0.5,0.41,0.28,0.38,cp
|
||||
0.36,0.41,0.48,0.5,0.48,0.47,0.54,cp
|
||||
0.18,0.3,0.48,0.5,0.46,0.24,0.35,cp
|
||||
0.47,0.29,0.48,0.5,0.51,0.33,0.43,cp
|
||||
0.24,0.43,0.48,0.5,0.54,0.52,0.59,cp
|
||||
0.25,0.37,0.48,0.5,0.41,0.33,0.42,cp
|
||||
0.52,0.57,0.48,0.5,0.42,0.47,0.54,cp
|
||||
0.25,0.37,0.48,0.5,0.43,0.26,0.36,cp
|
||||
0.35,0.48,0.48,0.5,0.56,0.4,0.48,cp
|
||||
0.26,0.26,0.48,0.5,0.34,0.25,0.35,cp
|
||||
0.44,0.51,0.48,0.5,0.47,0.26,0.36,cp
|
||||
0.37,0.5,0.48,0.5,0.42,0.36,0.45,cp
|
||||
0.44,0.42,0.48,0.5,0.42,0.25,0.2,cp
|
||||
0.24,0.43,0.48,0.5,0.37,0.28,0.38,cp
|
||||
0.42,0.3,0.48,0.5,0.48,0.26,0.36,cp
|
||||
0.48,0.42,0.48,0.5,0.45,0.25,0.35,cp
|
||||
0.41,0.48,0.48,0.5,0.51,0.44,0.51,cp
|
||||
0.44,0.28,0.48,0.5,0.43,0.27,0.37,cp
|
||||
0.29,0.41,0.48,0.5,0.48,0.38,0.46,cp
|
||||
0.34,0.28,0.48,0.5,0.41,0.35,0.44,cp
|
||||
0.41,0.43,0.48,0.5,0.45,0.31,0.41,cp
|
||||
0.29,0.47,0.48,0.5,0.41,0.23,0.34,cp
|
||||
0.34,0.55,0.48,0.5,0.58,0.31,0.41,cp
|
||||
0.36,0.56,0.48,0.5,0.43,0.45,0.53,cp
|
||||
0.4,0.46,0.48,0.5,0.52,0.49,0.56,cp
|
||||
0.5,0.49,0.48,0.5,0.49,0.46,0.53,cp
|
||||
0.52,0.44,0.48,0.5,0.37,0.36,0.42,cp
|
||||
0.5,0.51,0.48,0.5,0.27,0.23,0.34,cp
|
||||
0.53,0.42,0.48,0.5,0.16,0.29,0.39,cp
|
||||
0.34,0.46,0.48,0.5,0.52,0.35,0.44,cp
|
||||
0.4,0.42,0.48,0.5,0.37,0.27,0.27,cp
|
||||
0.41,0.43,0.48,0.5,0.5,0.24,0.25,cp
|
||||
0.3,0.45,0.48,0.5,0.36,0.21,0.32,cp
|
||||
0.31,0.47,0.48,0.5,0.29,0.28,0.39,cp
|
||||
0.64,0.76,0.48,0.5,0.45,0.35,0.38,cp
|
||||
0.35,0.37,0.48,0.5,0.3,0.34,0.43,cp
|
||||
0.57,0.54,0.48,0.5,0.37,0.28,0.33,cp
|
||||
0.65,0.55,0.48,0.5,0.34,0.37,0.28,cp
|
||||
0.51,0.46,0.48,0.5,0.58,0.31,0.41,cp
|
||||
0.38,0.4,0.48,0.5,0.63,0.25,0.35,cp
|
||||
0.24,0.57,0.48,0.5,0.63,0.34,0.43,cp
|
||||
0.38,0.26,0.48,0.5,0.54,0.16,0.28,cp
|
||||
0.33,0.47,0.48,0.5,0.53,0.18,0.29,cp
|
||||
0.24,0.34,0.48,0.5,0.38,0.3,0.4,cp
|
||||
0.26,0.5,0.48,0.5,0.44,0.32,0.41,cp
|
||||
0.44,0.49,0.48,0.5,0.39,0.38,0.4,cp
|
||||
0.43,0.32,0.48,0.5,0.33,0.45,0.52,cp
|
||||
0.49,0.43,0.48,0.5,0.49,0.3,0.4,cp
|
||||
0.47,0.28,0.48,0.5,0.56,0.2,0.25,cp
|
||||
0.32,0.33,0.48,0.5,0.6,0.06,0.2,cp
|
||||
0.34,0.35,0.48,0.5,0.51,0.49,0.56,cp
|
||||
0.35,0.34,0.48,0.5,0.46,0.3,0.27,cp
|
||||
0.38,0.3,0.48,0.5,0.43,0.29,0.39,cp
|
||||
0.38,0.44,0.48,0.5,0.43,0.2,0.31,cp
|
||||
0.41,0.51,0.48,0.5,0.58,0.2,0.31,cp
|
||||
0.34,0.42,0.48,0.5,0.41,0.34,0.43,cp
|
||||
0.51,0.49,0.48,0.5,0.53,0.14,0.26,cp
|
||||
0.25,0.51,0.48,0.5,0.37,0.42,0.5,cp
|
||||
0.29,0.28,0.48,0.5,0.5,0.42,0.5,cp
|
||||
0.25,0.26,0.48,0.5,0.39,0.32,0.42,cp
|
||||
0.24,0.41,0.48,0.5,0.49,0.23,0.34,cp
|
||||
0.17,0.39,0.48,0.5,0.53,0.3,0.39,cp
|
||||
0.04,0.31,0.48,0.5,0.41,0.29,0.39,cp
|
||||
0.61,0.36,0.48,0.5,0.49,0.35,0.44,cp
|
||||
0.34,0.51,0.48,0.5,0.44,0.37,0.46,cp
|
||||
0.28,0.33,0.48,0.5,0.45,0.22,0.33,cp
|
||||
0.4,0.46,0.48,0.5,0.42,0.35,0.44,cp
|
||||
0.23,0.34,0.48,0.5,0.43,0.26,0.37,cp
|
||||
0.37,0.44,0.48,0.5,0.42,0.39,0.47,cp
|
||||
0,0.38,0.48,0.5,0.42,0.48,0.55,cp
|
||||
0.39,0.31,0.48,0.5,0.38,0.34,0.43,cp
|
||||
0.3,0.44,0.48,0.5,0.49,0.22,0.33,cp
|
||||
0.27,0.3,0.48,0.5,0.71,0.28,0.39,cp
|
||||
0.17,0.52,0.48,0.5,0.49,0.37,0.46,cp
|
||||
0.36,0.42,0.48,0.5,0.53,0.32,0.41,cp
|
||||
0.3,0.37,0.48,0.5,0.43,0.18,0.3,cp
|
||||
0.26,0.4,0.48,0.5,0.36,0.26,0.37,cp
|
||||
0.4,0.41,0.48,0.5,0.55,0.22,0.33,cp
|
||||
0.22,0.34,0.48,0.5,0.42,0.29,0.39,cp
|
||||
0.44,0.35,0.48,0.5,0.44,0.52,0.59,cp
|
||||
0.27,0.42,0.48,0.5,0.37,0.38,0.43,cp
|
||||
0.16,0.43,0.48,0.5,0.54,0.27,0.37,cp
|
||||
0.06,0.61,0.48,0.5,0.49,0.92,0.37,im
|
||||
0.44,0.52,0.48,0.5,0.43,0.47,0.54,im
|
||||
0.63,0.47,0.48,0.5,0.51,0.82,0.84,im
|
||||
0.23,0.48,0.48,0.5,0.59,0.88,0.89,im
|
||||
0.34,0.49,0.48,0.5,0.58,0.85,0.8,im
|
||||
0.43,0.4,0.48,0.5,0.58,0.75,0.78,im
|
||||
0.46,0.61,0.48,0.5,0.48,0.86,0.87,im
|
||||
0.27,0.35,0.48,0.5,0.51,0.77,0.79,im
|
||||
0.52,0.39,0.48,0.5,0.65,0.71,0.73,im
|
||||
0.29,0.47,0.48,0.5,0.71,0.65,0.69,im
|
||||
0.55,0.47,0.48,0.5,0.57,0.78,0.8,im
|
||||
0.12,0.67,0.48,0.5,0.74,0.58,0.63,im
|
||||
0.4,0.5,0.48,0.5,0.65,0.82,0.84,im
|
||||
0.73,0.36,0.48,0.5,0.53,0.91,0.92,im
|
||||
0.84,0.44,0.48,0.5,0.48,0.71,0.74,im
|
||||
0.48,0.45,0.48,0.5,0.6,0.78,0.8,im
|
||||
0.54,0.49,0.48,0.5,0.4,0.87,0.88,im
|
||||
0.48,0.41,0.48,0.5,0.51,0.9,0.88,im
|
||||
0.5,0.66,0.48,0.5,0.31,0.92,0.92,im
|
||||
0.72,0.46,0.48,0.5,0.51,0.66,0.7,im
|
||||
0.47,0.55,0.48,0.5,0.58,0.71,0.75,im
|
||||
0.33,0.56,0.48,0.5,0.33,0.78,0.8,im
|
||||
0.64,0.58,0.48,0.5,0.48,0.78,0.73,im
|
||||
0.54,0.57,0.48,0.5,0.56,0.81,0.83,im
|
||||
0.47,0.59,0.48,0.5,0.52,0.76,0.79,im
|
||||
0.63,0.5,0.48,0.5,0.59,0.85,0.86,im
|
||||
0.49,0.42,0.48,0.5,0.53,0.79,0.81,im
|
||||
0.31,0.5,0.48,0.5,0.57,0.84,0.85,im
|
||||
0.74,0.44,0.48,0.5,0.55,0.88,0.89,im
|
||||
0.33,0.45,0.48,0.5,0.45,0.88,0.89,im
|
||||
0.45,0.4,0.48,0.5,0.61,0.74,0.77,im
|
||||
0.71,0.4,0.48,0.5,0.71,0.7,0.74,im
|
||||
0.5,0.37,0.48,0.5,0.66,0.64,0.69,im
|
||||
0.66,0.53,0.48,0.5,0.59,0.66,0.66,im
|
||||
0.6,0.61,0.48,0.5,0.54,0.67,0.71,im
|
||||
0.83,0.37,0.48,0.5,0.61,0.71,0.74,im
|
||||
0.34,0.51,0.48,0.5,0.67,0.9,0.9,im
|
||||
0.63,0.54,0.48,0.5,0.65,0.79,0.81,im
|
||||
0.7,0.4,0.48,0.5,0.56,0.86,0.83,im
|
||||
0.6,0.5,1,0.5,0.54,0.77,0.8,im
|
||||
0.16,0.51,0.48,0.5,0.33,0.39,0.48,im
|
||||
0.74,0.7,0.48,0.5,0.66,0.65,0.69,im
|
||||
0.2,0.46,0.48,0.5,0.57,0.78,0.81,im
|
||||
0.89,0.55,0.48,0.5,0.51,0.72,0.76,im
|
||||
0.7,0.46,0.48,0.5,0.56,0.78,0.73,im
|
||||
0.12,0.43,0.48,0.5,0.63,0.7,0.74,im
|
||||
0.61,0.52,0.48,0.5,0.54,0.67,0.52,im
|
||||
0.33,0.37,0.48,0.5,0.46,0.65,0.69,im
|
||||
0.63,0.65,0.48,0.5,0.66,0.67,0.71,im
|
||||
0.41,0.51,0.48,0.5,0.53,0.75,0.78,im
|
||||
0.34,0.67,0.48,0.5,0.52,0.76,0.79,im
|
||||
0.58,0.34,0.48,0.5,0.56,0.87,0.81,im
|
||||
0.59,0.56,0.48,0.5,0.55,0.8,0.82,im
|
||||
0.51,0.4,0.48,0.5,0.57,0.62,0.67,im
|
||||
0.5,0.57,0.48,0.5,0.71,0.61,0.66,im
|
||||
0.6,0.46,0.48,0.5,0.45,0.81,0.83,im
|
||||
0.37,0.47,0.48,0.5,0.39,0.76,0.79,im
|
||||
0.58,0.55,0.48,0.5,0.57,0.7,0.74,im
|
||||
0.36,0.47,0.48,0.5,0.51,0.69,0.72,im
|
||||
0.39,0.41,0.48,0.5,0.52,0.72,0.75,im
|
||||
0.35,0.51,0.48,0.5,0.61,0.71,0.74,im
|
||||
0.31,0.44,0.48,0.5,0.5,0.79,0.82,im
|
||||
0.61,0.66,0.48,0.5,0.46,0.87,0.88,im
|
||||
0.48,0.49,0.48,0.5,0.52,0.77,0.71,im
|
||||
0.11,0.5,0.48,0.5,0.58,0.72,0.68,im
|
||||
0.31,0.36,0.48,0.5,0.58,0.94,0.94,im
|
||||
0.68,0.51,0.48,0.5,0.71,0.75,0.78,im
|
||||
0.69,0.39,0.48,0.5,0.57,0.76,0.79,im
|
||||
0.52,0.54,0.48,0.5,0.62,0.76,0.79,im
|
||||
0.46,0.59,0.48,0.5,0.36,0.76,0.23,im
|
||||
0.36,0.45,0.48,0.5,0.38,0.79,0.17,im
|
||||
0,0.51,0.48,0.5,0.35,0.67,0.44,im
|
||||
0.1,0.49,0.48,0.5,0.41,0.67,0.21,im
|
||||
0.3,0.51,0.48,0.5,0.42,0.61,0.34,im
|
||||
0.61,0.47,0.48,0.5,0,0.8,0.32,im
|
||||
0.63,0.75,0.48,0.5,0.64,0.73,0.66,im
|
||||
0.71,0.52,0.48,0.5,0.64,1,0.99,im
|
||||
0.85,0.53,0.48,0.5,0.53,0.52,0.35,imS
|
||||
0.63,0.49,0.48,0.5,0.54,0.76,0.79,imS
|
||||
0.75,0.55,1,1,0.4,0.47,0.3,imL
|
||||
0.7,0.39,1,0.5,0.51,0.82,0.84,imL
|
||||
0.72,0.42,0.48,0.5,0.65,0.77,0.79,imU
|
||||
0.79,0.41,0.48,0.5,0.66,0.81,0.83,imU
|
||||
0.83,0.48,0.48,0.5,0.65,0.76,0.79,imU
|
||||
0.69,0.43,0.48,0.5,0.59,0.74,0.77,imU
|
||||
0.79,0.36,0.48,0.5,0.46,0.82,0.7,imU
|
||||
0.78,0.33,0.48,0.5,0.57,0.77,0.79,imU
|
||||
0.75,0.37,0.48,0.5,0.64,0.7,0.74,imU
|
||||
0.59,0.29,0.48,0.5,0.64,0.75,0.77,imU
|
||||
0.67,0.37,0.48,0.5,0.54,0.64,0.68,imU
|
||||
0.66,0.48,0.48,0.5,0.54,0.7,0.74,imU
|
||||
0.64,0.46,0.48,0.5,0.48,0.73,0.76,imU
|
||||
0.76,0.71,0.48,0.5,0.5,0.71,0.75,imU
|
||||
0.84,0.49,0.48,0.5,0.55,0.78,0.74,imU
|
||||
0.77,0.55,0.48,0.5,0.51,0.78,0.74,imU
|
||||
0.81,0.44,0.48,0.5,0.42,0.67,0.68,imU
|
||||
0.58,0.6,0.48,0.5,0.59,0.73,0.76,imU
|
||||
0.63,0.42,0.48,0.5,0.48,0.77,0.8,imU
|
||||
0.62,0.42,0.48,0.5,0.58,0.79,0.81,imU
|
||||
0.86,0.39,0.48,0.5,0.59,0.89,0.9,imU
|
||||
0.81,0.53,0.48,0.5,0.57,0.87,0.88,imU
|
||||
0.87,0.49,0.48,0.5,0.61,0.76,0.79,imU
|
||||
0.47,0.46,0.48,0.5,0.62,0.74,0.77,imU
|
||||
0.76,0.41,0.48,0.5,0.5,0.59,0.62,imU
|
||||
0.7,0.53,0.48,0.5,0.7,0.86,0.87,imU
|
||||
0.64,0.45,0.48,0.5,0.67,0.61,0.66,imU
|
||||
0.81,0.52,0.48,0.5,0.57,0.78,0.8,imU
|
||||
0.73,0.26,0.48,0.5,0.57,0.75,0.78,imU
|
||||
0.49,0.61,1,0.5,0.56,0.71,0.74,imU
|
||||
0.88,0.42,0.48,0.5,0.52,0.73,0.75,imU
|
||||
0.84,0.54,0.48,0.5,0.75,0.92,0.7,imU
|
||||
0.63,0.51,0.48,0.5,0.64,0.72,0.76,imU
|
||||
0.86,0.55,0.48,0.5,0.63,0.81,0.83,imU
|
||||
0.79,0.54,0.48,0.5,0.5,0.66,0.68,imU
|
||||
0.57,0.38,0.48,0.5,0.06,0.49,0.33,imU
|
||||
0.78,0.44,0.48,0.5,0.45,0.73,0.68,imU
|
||||
0.78,0.68,0.48,0.5,0.83,0.4,0.29,om
|
||||
0.63,0.69,0.48,0.5,0.65,0.41,0.28,om
|
||||
0.67,0.88,0.48,0.5,0.73,0.5,0.25,om
|
||||
0.61,0.75,0.48,0.5,0.51,0.33,0.33,om
|
||||
0.67,0.84,0.48,0.5,0.74,0.54,0.37,om
|
||||
0.74,0.9,0.48,0.5,0.57,0.53,0.29,om
|
||||
0.73,0.84,0.48,0.5,0.86,0.58,0.29,om
|
||||
0.75,0.76,0.48,0.5,0.83,0.57,0.3,om
|
||||
0.77,0.57,0.48,0.5,0.88,0.53,0.2,om
|
||||
0.74,0.78,0.48,0.5,0.75,0.54,0.15,om
|
||||
0.68,0.76,0.48,0.5,0.84,0.45,0.27,om
|
||||
0.56,0.68,0.48,0.5,0.77,0.36,0.45,om
|
||||
0.65,0.51,0.48,0.5,0.66,0.54,0.33,om
|
||||
0.52,0.81,0.48,0.5,0.72,0.38,0.38,om
|
||||
0.64,0.57,0.48,0.5,0.7,0.33,0.26,om
|
||||
0.6,0.76,1,0.5,0.77,0.59,0.52,om
|
||||
0.69,0.59,0.48,0.5,0.77,0.39,0.21,om
|
||||
0.63,0.49,0.48,0.5,0.79,0.45,0.28,om
|
||||
0.71,0.71,0.48,0.5,0.68,0.43,0.36,om
|
||||
0.68,0.63,0.48,0.5,0.73,0.4,0.3,om
|
||||
0.77,0.57,1,0.5,0.37,0.54,0.01,omL
|
||||
0.66,0.49,1,0.5,0.54,0.56,0.36,omL
|
||||
0.71,0.46,1,0.5,0.52,0.59,0.3,omL
|
||||
0.67,0.55,1,0.5,0.66,0.58,0.16,omL
|
||||
0.68,0.49,1,0.5,0.62,0.55,0.28,omL
|
||||
0.74,0.49,0.48,0.5,0.42,0.54,0.36,pp
|
||||
0.7,0.61,0.48,0.5,0.56,0.52,0.43,pp
|
||||
0.66,0.86,0.48,0.5,0.34,0.41,0.36,pp
|
||||
0.73,0.78,0.48,0.5,0.58,0.51,0.31,pp
|
||||
0.65,0.57,0.48,0.5,0.47,0.47,0.51,pp
|
||||
0.72,0.86,0.48,0.5,0.17,0.55,0.21,pp
|
||||
0.67,0.7,0.48,0.5,0.46,0.45,0.33,pp
|
||||
0.67,0.81,0.48,0.5,0.54,0.49,0.23,pp
|
||||
0.67,0.61,0.48,0.5,0.51,0.37,0.38,pp
|
||||
0.63,1,0.48,0.5,0.35,0.51,0.49,pp
|
||||
0.57,0.59,0.48,0.5,0.39,0.47,0.33,pp
|
||||
0.71,0.71,0.48,0.5,0.4,0.54,0.39,pp
|
||||
0.66,0.74,0.48,0.5,0.31,0.38,0.43,pp
|
||||
0.67,0.81,0.48,0.5,0.25,0.42,0.25,pp
|
||||
0.64,0.72,0.48,0.5,0.49,0.42,0.19,pp
|
||||
0.68,0.82,0.48,0.5,0.38,0.65,0.56,pp
|
||||
0.32,0.39,0.48,0.5,0.53,0.28,0.38,pp
|
||||
0.7,0.64,0.48,0.5,0.47,0.51,0.47,pp
|
||||
0.63,0.57,0.48,0.5,0.49,0.7,0.2,pp
|
||||
0.74,0.82,0.48,0.5,0.49,0.49,0.41,pp
|
||||
0.63,0.86,0.48,0.5,0.39,0.47,0.34,pp
|
||||
0.63,0.83,0.48,0.5,0.4,0.39,0.19,pp
|
||||
0.63,0.71,0.48,0.5,0.6,0.4,0.39,pp
|
||||
0.71,0.86,0.48,0.5,0.4,0.54,0.32,pp
|
||||
0.68,0.78,0.48,0.5,0.43,0.44,0.42,pp
|
||||
0.64,0.84,0.48,0.5,0.37,0.45,0.4,pp
|
||||
0.74,0.47,0.48,0.5,0.5,0.57,0.42,pp
|
||||
0.75,0.84,0.48,0.5,0.35,0.52,0.33,pp
|
||||
0.63,0.65,0.48,0.5,0.39,0.44,0.35,pp
|
||||
0.69,0.67,0.48,0.5,0.3,0.39,0.24,pp
|
||||
0.7,0.71,0.48,0.5,0.42,0.84,0.85,pp
|
||||
0.69,0.8,0.48,0.5,0.46,0.57,0.26,pp
|
||||
0.64,0.66,0.48,0.5,0.41,0.39,0.2,pp
|
||||
0.63,0.8,0.48,0.5,0.46,0.31,0.29,pp
|
||||
0.66,0.71,0.48,0.5,0.41,0.5,0.35,pp
|
||||
0.69,0.59,0.48,0.5,0.46,0.44,0.52,pp
|
||||
0.68,0.67,0.48,0.5,0.49,0.4,0.34,pp
|
||||
0.64,0.78,0.48,0.5,0.5,0.36,0.38,pp
|
||||
0.62,0.78,0.48,0.5,0.47,0.49,0.54,pp
|
||||
0.76,0.73,0.48,0.5,0.44,0.39,0.39,pp
|
||||
0.64,0.81,0.48,0.5,0.37,0.39,0.44,pp
|
||||
0.29,0.39,0.48,0.5,0.52,0.4,0.48,pp
|
||||
0.62,0.83,0.48,0.5,0.46,0.36,0.4,pp
|
||||
0.56,0.54,0.48,0.5,0.43,0.37,0.3,pp
|
||||
0.69,0.66,0.48,0.5,0.41,0.5,0.25,pp
|
||||
0.69,0.65,0.48,0.5,0.63,0.48,0.41,pp
|
||||
0.43,0.59,0.48,0.5,0.52,0.49,0.56,pp
|
||||
0.74,0.56,0.48,0.5,0.47,0.68,0.3,pp
|
||||
0.71,0.57,0.48,0.5,0.48,0.35,0.32,pp
|
||||
0.61,0.6,0.48,0.5,0.44,0.39,0.38,pp
|
||||
0.59,0.61,0.48,0.5,0.42,0.42,0.37,pp
|
||||
0.74,0.74,0.48,0.5,0.31,0.53,0.52,pp
|
332
datasets/glass.arff
Executable file
332
datasets/glass.arff
Executable file
@@ -0,0 +1,332 @@
|
||||
% 1. Title: Glass Identification Database
|
||||
%
|
||||
% 2. Sources:
|
||||
% (a) Creator: B. German
|
||||
% -- Central Research Establishment
|
||||
% Home Office Forensic Science Service
|
||||
% Aldermaston, Reading, Berkshire RG7 4PN
|
||||
% (b) Donor: Vina Spiehler, Ph.D., DABFT
|
||||
% Diagnostic Products Corporation
|
||||
% (213) 776-0180 (ext 3014)
|
||||
% (c) Date: September, 1987
|
||||
%
|
||||
% 3. Past Usage:
|
||||
% -- Rule Induction in Forensic Science
|
||||
% -- Ian W. Evett and Ernest J. Spiehler
|
||||
% -- Central Research Establishment
|
||||
% Home Office Forensic Science Service
|
||||
% Aldermaston, Reading, Berkshire RG7 4PN
|
||||
% -- Unknown technical note number (sorry, not listed here)
|
||||
% -- General Results: nearest neighbor held its own with respect to the
|
||||
% rule-based system
|
||||
%
|
||||
% 4. Relevant Information:n
|
||||
% Vina conducted a comparison test of her rule-based system, BEAGLE, the
|
||||
% nearest-neighbor algorithm, and discriminant analysis. BEAGLE is
|
||||
% a product available through VRS Consulting, Inc.; 4676 Admiralty Way,
|
||||
% Suite 206; Marina Del Ray, CA 90292 (213) 827-7890 and FAX: -3189.
|
||||
% In determining whether the glass was a type of "float" glass or not,
|
||||
% the following results were obtained (# incorrect answers):
|
||||
%
|
||||
% Type of Sample Beagle NN DA
|
||||
% Windows that were float processed (87) 10 12 21
|
||||
% Windows that were not: (76) 19 16 22
|
||||
%
|
||||
% The study of classification of types of glass was motivated by
|
||||
% criminological investigation. At the scene of the crime, the glass left
|
||||
% can be used as evidence...if it is correctly identified!
|
||||
%
|
||||
% 5. Number of Instances: 214
|
||||
%
|
||||
% 6. Number of Attributes: 10 (including an Id#) plus the class attribute
|
||||
% -- all attributes are continuously valued
|
||||
%
|
||||
% 7. Attribute Information:
|
||||
% 1. Id number: 1 to 214
|
||||
% 2. RI: refractive index
|
||||
% 3. Na: Sodium (unit measurement: weight percent in corresponding oxide, as
|
||||
% are attributes 4-10)
|
||||
% 4. Mg: Magnesium
|
||||
% 5. Al: Aluminum
|
||||
% 6. Si: Silicon
|
||||
% 7. K: Potassium
|
||||
% 8. Ca: Calcium
|
||||
% 9. Ba: Barium
|
||||
% 10. Fe: Iron
|
||||
% 11. Type of glass: (class attribute)
|
||||
% -- 1 building_windows_float_processed
|
||||
% -- 2 building_windows_non_float_processed
|
||||
% -- 3 vehicle_windows_float_processed
|
||||
% -- 4 vehicle_windows_non_float_processed (none in this database)
|
||||
% -- 5 containers
|
||||
% -- 6 tableware
|
||||
% -- 7 headlamps
|
||||
%
|
||||
% 8. Missing Attribute Values: None
|
||||
%
|
||||
% Summary Statistics:
|
||||
% Attribute: Min Max Mean SD Correlation with class
|
||||
% 2. RI: 1.5112 1.5339 1.5184 0.0030 -0.1642
|
||||
% 3. Na: 10.73 17.38 13.4079 0.8166 0.5030
|
||||
% 4. Mg: 0 4.49 2.6845 1.4424 -0.7447
|
||||
% 5. Al: 0.29 3.5 1.4449 0.4993 0.5988
|
||||
% 6. Si: 69.81 75.41 72.6509 0.7745 0.1515
|
||||
% 7. K: 0 6.21 0.4971 0.6522 -0.0100
|
||||
% 8. Ca: 5.43 16.19 8.9570 1.4232 0.0007
|
||||
% 9. Ba: 0 3.15 0.1750 0.4972 0.5751
|
||||
% 10. Fe: 0 0.51 0.0570 0.0974 -0.1879
|
||||
%
|
||||
% 9. Class Distribution: (out of 214 total instances)
|
||||
% -- 163 Window glass (building windows and vehicle windows)
|
||||
% -- 87 float processed
|
||||
% -- 70 building windows
|
||||
% -- 17 vehicle windows
|
||||
% -- 76 non-float processed
|
||||
% -- 76 building windows
|
||||
% -- 0 vehicle windows
|
||||
% -- 51 Non-window glass
|
||||
% -- 13 containers
|
||||
% -- 9 tableware
|
||||
% -- 29 headlamps
|
||||
%
|
||||
%
|
||||
%
|
||||
%
|
||||
%
|
||||
%
|
||||
%
|
||||
% Relabeled values in attribute 'Type'
|
||||
% From: '1' To: 'build wind float'
|
||||
% From: '2' To: 'build wind non-float'
|
||||
% From: '3' To: 'vehic wind float'
|
||||
% From: '4' To: 'vehic wind non-float'
|
||||
% From: '5' To: containers
|
||||
% From: '6' To: tableware
|
||||
% From: '7' To: headlamps
|
||||
%
|
||||
@relation Glass
|
||||
@attribute 'RI' real
|
||||
@attribute 'Na' real
|
||||
@attribute 'Mg' real
|
||||
@attribute 'Al' real
|
||||
@attribute 'Si' real
|
||||
@attribute 'K' real
|
||||
@attribute 'Ca' real
|
||||
@attribute 'Ba' real
|
||||
@attribute 'Fe' real
|
||||
@attribute 'Type' { 'build wind float', 'build wind non-float', 'vehic wind float', 'vehic wind non-float', containers, tableware, headlamps}
|
||||
@data
|
||||
1.51793,12.79,3.5,1.12,73.03,0.64,8.77,0,0,'build wind float'
|
||||
1.51643,12.16,3.52,1.35,72.89,0.57,8.53,0,0,'vehic wind float'
|
||||
1.51793,13.21,3.48,1.41,72.64,0.59,8.43,0,0,'build wind float'
|
||||
1.51299,14.4,1.74,1.54,74.55,0,7.59,0,0,tableware
|
||||
1.53393,12.3,0,1,70.16,0.12,16.19,0,0.24,'build wind non-float'
|
||||
1.51655,12.75,2.85,1.44,73.27,0.57,8.79,0.11,0.22,'build wind non-float'
|
||||
1.51779,13.64,3.65,0.65,73,0.06,8.93,0,0,'vehic wind float'
|
||||
1.51837,13.14,2.84,1.28,72.85,0.55,9.07,0,0,'build wind float'
|
||||
1.51545,14.14,0,2.68,73.39,0.08,9.07,0.61,0.05,headlamps
|
||||
1.51789,13.19,3.9,1.3,72.33,0.55,8.44,0,0.28,'build wind non-float'
|
||||
1.51625,13.36,3.58,1.49,72.72,0.45,8.21,0,0,'build wind non-float'
|
||||
1.51743,12.2,3.25,1.16,73.55,0.62,8.9,0,0.24,'build wind non-float'
|
||||
1.52223,13.21,3.77,0.79,71.99,0.13,10.02,0,0,'build wind float'
|
||||
1.52121,14.03,3.76,0.58,71.79,0.11,9.65,0,0,'vehic wind float'
|
||||
1.51665,13.14,3.45,1.76,72.48,0.6,8.38,0,0.17,'vehic wind float'
|
||||
1.51707,13.48,3.48,1.71,72.52,0.62,7.99,0,0,'build wind non-float'
|
||||
1.51719,14.75,0,2,73.02,0,8.53,1.59,0.08,headlamps
|
||||
1.51629,12.71,3.33,1.49,73.28,0.67,8.24,0,0,'build wind non-float'
|
||||
1.51994,13.27,0,1.76,73.03,0.47,11.32,0,0,containers
|
||||
1.51811,12.96,2.96,1.43,72.92,0.6,8.79,0.14,0,'build wind non-float'
|
||||
1.52152,13.05,3.65,0.87,72.22,0.19,9.85,0,0.17,'build wind float'
|
||||
1.52475,11.45,0,1.88,72.19,0.81,13.24,0,0.34,'build wind non-float'
|
||||
1.51841,12.93,3.74,1.11,72.28,0.64,8.96,0,0.22,'build wind non-float'
|
||||
1.51754,13.39,3.66,1.19,72.79,0.57,8.27,0,0.11,'build wind float'
|
||||
1.52058,12.85,1.61,2.17,72.18,0.76,9.7,0.24,0.51,containers
|
||||
1.51569,13.24,3.49,1.47,73.25,0.38,8.03,0,0,'build wind non-float'
|
||||
1.5159,12.82,3.52,1.9,72.86,0.69,7.97,0,0,'build wind non-float'
|
||||
1.51683,14.56,0,1.98,73.29,0,8.52,1.57,0.07,headlamps
|
||||
1.51687,13.23,3.54,1.48,72.84,0.56,8.1,0,0,'build wind non-float'
|
||||
1.5161,13.33,3.53,1.34,72.67,0.56,8.33,0,0,'vehic wind float'
|
||||
1.51674,12.87,3.56,1.64,73.14,0.65,7.99,0,0,'build wind non-float'
|
||||
1.51832,13.33,3.34,1.54,72.14,0.56,8.99,0,0,'vehic wind float'
|
||||
1.51115,17.38,0,0.34,75.41,0,6.65,0,0,tableware
|
||||
1.51645,13.44,3.61,1.54,72.39,0.66,8.03,0,0,'build wind non-float'
|
||||
1.51755,13,3.6,1.36,72.99,0.57,8.4,0,0.11,'build wind float'
|
||||
1.51571,12.72,3.46,1.56,73.2,0.67,8.09,0,0.24,'build wind float'
|
||||
1.51596,12.79,3.61,1.62,72.97,0.64,8.07,0,0.26,'build wind float'
|
||||
1.5173,12.35,2.72,1.63,72.87,0.7,9.23,0,0,'build wind non-float'
|
||||
1.51662,12.85,3.51,1.44,73.01,0.68,8.23,0.06,0.25,'build wind non-float'
|
||||
1.51409,14.25,3.09,2.08,72.28,1.1,7.08,0,0,'build wind non-float'
|
||||
1.51797,12.74,3.48,1.35,72.96,0.64,8.68,0,0,'build wind float'
|
||||
1.51806,13,3.8,1.08,73.07,0.56,8.38,0,0.12,'build wind non-float'
|
||||
1.51627,13,3.58,1.54,72.83,0.61,8.04,0,0,'build wind non-float'
|
||||
1.5159,13.24,3.34,1.47,73.1,0.39,8.22,0,0,'build wind non-float'
|
||||
1.51934,13.64,3.54,0.75,72.65,0.16,8.89,0.15,0.24,'vehic wind float'
|
||||
1.51755,12.71,3.42,1.2,73.2,0.59,8.64,0,0,'build wind float'
|
||||
1.51514,14.01,2.68,3.5,69.89,1.68,5.87,2.2,0,containers
|
||||
1.51766,13.21,3.69,1.29,72.61,0.57,8.22,0,0,'build wind float'
|
||||
1.51784,13.08,3.49,1.28,72.86,0.6,8.49,0,0,'build wind float'
|
||||
1.52177,13.2,3.68,1.15,72.75,0.54,8.52,0,0,'build wind non-float'
|
||||
1.51753,12.57,3.47,1.38,73.39,0.6,8.55,0,0.06,'build wind float'
|
||||
1.51851,13.2,3.63,1.07,72.83,0.57,8.41,0.09,0.17,'build wind non-float'
|
||||
1.51743,13.3,3.6,1.14,73.09,0.58,8.17,0,0,'build wind float'
|
||||
1.51593,13.09,3.59,1.52,73.1,0.67,7.83,0,0,'build wind non-float'
|
||||
1.5164,14.37,0,2.74,72.85,0,9.45,0.54,0,headlamps
|
||||
1.51735,13.02,3.54,1.69,72.73,0.54,8.44,0,0.07,'build wind float'
|
||||
1.52247,14.86,2.2,2.06,70.26,0.76,9.76,0,0,headlamps
|
||||
1.52099,13.69,3.59,1.12,71.96,0.09,9.4,0,0,'build wind float'
|
||||
1.51769,13.65,3.66,1.11,72.77,0.11,8.6,0,0,'vehic wind float'
|
||||
1.51846,13.41,3.89,1.33,72.38,0.51,8.28,0,0,'build wind non-float'
|
||||
1.51848,13.64,3.87,1.27,71.96,0.54,8.32,0,0.32,'build wind non-float'
|
||||
1.51905,13.6,3.62,1.11,72.64,0.14,8.76,0,0,'build wind float'
|
||||
1.51567,13.29,3.45,1.21,72.74,0.56,8.57,0,0,'build wind float'
|
||||
1.52213,14.21,3.82,0.47,71.77,0.11,9.57,0,0,'build wind float'
|
||||
1.5232,13.72,3.72,0.51,71.75,0.09,10.06,0,0.16,'build wind float'
|
||||
1.51556,13.87,0,2.54,73.23,0.14,9.41,0.81,0.01,headlamps
|
||||
1.51926,13.2,3.33,1.28,72.36,0.6,9.14,0,0.11,'build wind float'
|
||||
1.52211,14.19,3.78,0.91,71.36,0.23,9.14,0,0.37,'vehic wind float'
|
||||
1.53125,10.73,0,2.1,69.81,0.58,13.3,3.15,0.28,'build wind non-float'
|
||||
1.52152,13.05,3.65,0.87,72.32,0.19,9.85,0,0.17,'build wind float'
|
||||
1.51829,14.46,2.24,1.62,72.38,0,9.26,0,0,tableware
|
||||
1.51892,13.46,3.83,1.26,72.55,0.57,8.21,0,0.14,'build wind non-float'
|
||||
1.51888,14.99,0.78,1.74,72.5,0,9.95,0,0,tableware
|
||||
1.51829,13.24,3.9,1.41,72.33,0.55,8.31,0,0.1,'build wind non-float'
|
||||
1.523,13.31,3.58,0.82,71.99,0.12,10.17,0,0.03,'build wind float'
|
||||
1.51652,13.56,3.57,1.47,72.45,0.64,7.96,0,0,'build wind non-float'
|
||||
1.51768,12.56,3.52,1.43,73.15,0.57,8.54,0,0,'build wind float'
|
||||
1.51215,12.99,3.47,1.12,72.98,0.62,8.35,0,0.31,'build wind float'
|
||||
1.51646,13.04,3.4,1.26,73.01,0.52,8.58,0,0,'vehic wind float'
|
||||
1.51721,12.87,3.48,1.33,73.04,0.56,8.43,0,0,'build wind float'
|
||||
1.51763,12.8,3.66,1.27,73.01,0.6,8.56,0,0,'build wind float'
|
||||
1.51742,13.27,3.62,1.24,73.08,0.55,8.07,0,0,'build wind float'
|
||||
1.52127,14.32,3.9,0.83,71.5,0,9.49,0,0,'vehic wind float'
|
||||
1.51779,13.21,3.39,1.33,72.76,0.59,8.59,0,0,'build wind float'
|
||||
1.52171,11.56,1.88,1.56,72.86,0.47,11.41,0,0,containers
|
||||
1.518,13.71,3.93,1.54,71.81,0.54,8.21,0,0.15,'build wind non-float'
|
||||
1.52777,12.64,0,0.67,72.02,0.06,14.4,0,0,'build wind non-float'
|
||||
1.5175,12.82,3.55,1.49,72.75,0.54,8.52,0,0.19,'build wind float'
|
||||
1.51764,12.98,3.54,1.21,73,0.65,8.53,0,0,'build wind float'
|
||||
1.52177,13.75,1.01,1.36,72.19,0.33,11.14,0,0,'build wind non-float'
|
||||
1.51645,14.94,0,1.87,73.11,0,8.67,1.38,0,headlamps
|
||||
1.51786,12.73,3.43,1.19,72.95,0.62,8.76,0,0.3,'build wind float'
|
||||
1.52152,13.12,3.58,0.9,72.2,0.23,9.82,0,0.16,'build wind float'
|
||||
1.51937,13.79,2.41,1.19,72.76,0,9.77,0,0,tableware
|
||||
1.51514,14.85,0,2.42,73.72,0,8.39,0.56,0,headlamps
|
||||
1.52172,13.48,3.74,0.9,72.01,0.18,9.61,0,0.07,'build wind float'
|
||||
1.51732,14.95,0,1.8,72.99,0,8.61,1.55,0,headlamps
|
||||
1.5202,13.98,1.35,1.63,71.76,0.39,10.56,0,0.18,'build wind non-float'
|
||||
1.51605,12.9,3.44,1.45,73.06,0.44,8.27,0,0,'build wind non-float'
|
||||
1.51847,13.1,3.97,1.19,72.44,0.6,8.43,0,0,'build wind non-float'
|
||||
1.51761,13.89,3.6,1.36,72.73,0.48,7.83,0,0,'build wind float'
|
||||
1.51673,13.3,3.64,1.53,72.53,0.65,8.03,0,0.29,'build wind non-float'
|
||||
1.52365,15.79,1.83,1.31,70.43,0.31,8.61,1.68,0,headlamps
|
||||
1.51685,14.92,0,1.99,73.06,0,8.4,1.59,0,headlamps
|
||||
1.51658,14.8,0,1.99,73.11,0,8.28,1.71,0,headlamps
|
||||
1.51316,13.02,0,3.04,70.48,6.21,6.96,0,0,containers
|
||||
1.51709,13,3.47,1.79,72.72,0.66,8.18,0,0,'build wind non-float'
|
||||
1.51727,14.7,0,2.34,73.28,0,8.95,0.66,0,headlamps
|
||||
1.51898,13.58,3.35,1.23,72.08,0.59,8.91,0,0,'build wind float'
|
||||
1.51969,12.64,0,1.65,73.75,0.38,11.53,0,0,containers
|
||||
1.5182,12.62,2.76,0.83,73.81,0.35,9.42,0,0.2,'build wind non-float'
|
||||
1.51617,14.95,0,2.27,73.3,0,8.71,0.67,0,headlamps
|
||||
1.51911,13.9,3.73,1.18,72.12,0.06,8.89,0,0,'build wind float'
|
||||
1.51651,14.38,0,1.94,73.61,0,8.48,1.57,0,headlamps
|
||||
1.51694,12.86,3.58,1.31,72.61,0.61,8.79,0,0,'vehic wind float'
|
||||
1.52315,13.44,3.34,1.23,72.38,0.6,8.83,0,0,headlamps
|
||||
1.52068,13.55,2.09,1.67,72.18,0.53,9.57,0.27,0.17,'build wind non-float'
|
||||
1.51838,14.32,3.26,2.22,71.25,1.46,5.79,1.63,0,headlamps
|
||||
1.51818,13.72,0,0.56,74.45,0,10.99,0,0,'build wind non-float'
|
||||
1.51769,12.45,2.71,1.29,73.7,0.56,9.06,0,0.24,'build wind float'
|
||||
1.5166,12.99,3.18,1.23,72.97,0.58,8.81,0,0.24,'build wind non-float'
|
||||
1.51589,12.88,3.43,1.4,73.28,0.69,8.05,0,0.24,'build wind float'
|
||||
1.5241,13.83,2.9,1.17,71.15,0.08,10.79,0,0,'build wind non-float'
|
||||
1.52725,13.8,3.15,0.66,70.57,0.08,11.64,0,0,'build wind non-float'
|
||||
1.52119,12.97,0.33,1.51,73.39,0.13,11.27,0,0.28,containers
|
||||
1.51748,12.86,3.56,1.27,73.21,0.54,8.38,0,0.17,'build wind float'
|
||||
1.51653,11.95,0,1.19,75.18,2.7,8.93,0,0,headlamps
|
||||
1.51623,14.14,0,2.88,72.61,0.08,9.18,1.06,0,headlamps
|
||||
1.52101,13.64,4.49,1.1,71.78,0.06,8.75,0,0,'build wind float'
|
||||
1.51763,12.61,3.59,1.31,73.29,0.58,8.5,0,0,'build wind float'
|
||||
1.51596,13.02,3.56,1.54,73.11,0.72,7.9,0,0,'build wind non-float'
|
||||
1.51674,12.79,3.52,1.54,73.36,0.66,7.9,0,0,'build wind non-float'
|
||||
1.52065,14.36,0,2.02,73.42,0,8.44,1.64,0,headlamps
|
||||
1.51768,12.65,3.56,1.3,73.08,0.61,8.69,0,0.14,'build wind float'
|
||||
1.52369,13.44,0,1.58,72.22,0.32,12.24,0,0,containers
|
||||
1.51756,13.15,3.61,1.05,73.24,0.57,8.24,0,0,'build wind float'
|
||||
1.51754,13.48,3.74,1.17,72.99,0.59,8.03,0,0,'build wind float'
|
||||
1.51711,12.89,3.62,1.57,72.96,0.61,8.11,0,0,'build wind non-float'
|
||||
1.5221,13.73,3.84,0.72,71.76,0.17,9.74,0,0,'build wind float'
|
||||
1.51594,13.09,3.52,1.55,72.87,0.68,8.05,0,0.09,'build wind non-float'
|
||||
1.51784,12.68,3.67,1.16,73.11,0.61,8.7,0,0,'build wind float'
|
||||
1.51909,13.89,3.53,1.32,71.81,0.51,8.78,0.11,0,'build wind float'
|
||||
1.51977,13.81,3.58,1.32,71.72,0.12,8.67,0.69,0,'build wind float'
|
||||
1.51666,12.86,0,1.83,73.88,0.97,10.17,0,0,containers
|
||||
1.51631,13.34,3.57,1.57,72.87,0.61,7.89,0,0,'build wind non-float'
|
||||
1.51872,12.93,3.66,1.56,72.51,0.58,8.55,0,0.12,'build wind non-float'
|
||||
1.51708,13.72,3.68,1.81,72.06,0.64,7.88,0,0,'build wind non-float'
|
||||
1.52081,13.78,2.28,1.43,71.99,0.49,9.85,0,0.17,'build wind non-float'
|
||||
1.51574,14.86,3.67,1.74,71.87,0.16,7.36,0,0.12,'build wind non-float'
|
||||
1.51813,13.43,3.98,1.18,72.49,0.58,8.15,0,0,'build wind non-float'
|
||||
1.51131,13.69,3.2,1.81,72.81,1.76,5.43,1.19,0,headlamps
|
||||
1.52227,14.17,3.81,0.78,71.35,0,9.69,0,0,'build wind float'
|
||||
1.52614,13.7,0,1.36,71.24,0.19,13.44,0,0.1,'build wind non-float'
|
||||
1.51811,13.33,3.85,1.25,72.78,0.52,8.12,0,0,'build wind non-float'
|
||||
1.51655,13.41,3.39,1.28,72.64,0.52,8.65,0,0,'vehic wind float'
|
||||
1.51751,12.81,3.57,1.35,73.02,0.62,8.59,0,0,'build wind float'
|
||||
1.51508,15.15,0,2.25,73.5,0,8.34,0.63,0,headlamps
|
||||
1.51915,12.73,1.85,1.86,72.69,0.6,10.09,0,0,containers
|
||||
1.51966,14.77,3.75,0.29,72.02,0.03,9,0,0,'build wind float'
|
||||
1.51844,13.25,3.76,1.32,72.4,0.58,8.42,0,0,'build wind non-float'
|
||||
1.52664,11.23,0,0.77,73.21,0,14.68,0,0,'build wind non-float'
|
||||
1.52172,13.51,3.86,0.88,71.79,0.23,9.54,0,0.11,'build wind float'
|
||||
1.51602,14.85,0,2.38,73.28,0,8.76,0.64,0.09,headlamps
|
||||
1.51321,13,0,3.02,70.7,6.21,6.93,0,0,containers
|
||||
1.52739,11.02,0,0.75,73.08,0,14.96,0,0,'build wind non-float'
|
||||
1.52213,14.21,3.82,0.47,71.77,0.11,9.57,0,0,'build wind float'
|
||||
1.51747,12.84,3.5,1.14,73.27,0.56,8.55,0,0,'build wind float'
|
||||
1.51839,12.85,3.67,1.24,72.57,0.62,8.68,0,0.35,'build wind non-float'
|
||||
1.51646,13.41,3.55,1.25,72.81,0.68,8.1,0,0,'build wind non-float'
|
||||
1.51609,15.01,0,2.51,73.05,0.05,8.83,0.53,0,headlamps
|
||||
1.51667,12.94,3.61,1.26,72.75,0.56,8.6,0,0,'build wind non-float'
|
||||
1.51588,13.12,3.41,1.58,73.26,0.07,8.39,0,0.19,'build wind non-float'
|
||||
1.52667,13.99,3.7,0.71,71.57,0.02,9.82,0,0.1,'build wind float'
|
||||
1.51831,14.39,0,1.82,72.86,1.41,6.47,2.88,0,headlamps
|
||||
1.51918,14.04,3.58,1.37,72.08,0.56,8.3,0,0,'build wind float'
|
||||
1.51613,13.88,1.78,1.79,73.1,0,8.67,0.76,0,headlamps
|
||||
1.52196,14.36,3.85,0.89,71.36,0.15,9.15,0,0,'build wind float'
|
||||
1.51824,12.87,3.48,1.29,72.95,0.6,8.43,0,0,'build wind float'
|
||||
1.52151,11.03,1.71,1.56,73.44,0.58,11.62,0,0,containers
|
||||
1.51969,14.56,0,0.56,73.48,0,11.22,0,0,tableware
|
||||
1.51618,13.01,3.5,1.48,72.89,0.6,8.12,0,0,'build wind non-float'
|
||||
1.51645,13.4,3.49,1.52,72.65,0.67,8.08,0,0.1,'build wind non-float'
|
||||
1.51796,13.5,3.36,1.63,71.94,0.57,8.81,0,0.09,'vehic wind float'
|
||||
1.52222,14.43,0,1,72.67,0.1,11.52,0,0.08,'build wind non-float'
|
||||
1.51783,12.69,3.54,1.34,72.95,0.57,8.75,0,0,'build wind float'
|
||||
1.51711,14.23,0,2.08,73.36,0,8.62,1.67,0,headlamps
|
||||
1.51736,12.78,3.62,1.29,72.79,0.59,8.7,0,0,'build wind float'
|
||||
1.51808,13.43,2.87,1.19,72.84,0.55,9.03,0,0,'build wind float'
|
||||
1.5167,13.24,3.57,1.38,72.7,0.56,8.44,0,0.1,'vehic wind float'
|
||||
1.52043,13.38,0,1.4,72.25,0.33,12.5,0,0,containers
|
||||
1.519,13.49,3.48,1.35,71.95,0.55,9,0,0,'build wind float'
|
||||
1.51778,13.21,2.81,1.29,72.98,0.51,9.02,0,0.09,'build wind float'
|
||||
1.51905,14,2.39,1.56,72.37,0,9.57,0,0,tableware
|
||||
1.51531,14.38,0,2.66,73.1,0.04,9.08,0.64,0,headlamps
|
||||
1.51916,14.15,0,2.09,72.74,0,10.88,0,0,tableware
|
||||
1.51841,13.02,3.62,1.06,72.34,0.64,9.13,0,0.15,'build wind non-float'
|
||||
1.5159,13.02,3.58,1.51,73.12,0.69,7.96,0,0,'build wind non-float'
|
||||
1.51593,13.25,3.45,1.43,73.17,0.61,7.86,0,0,'build wind non-float'
|
||||
1.5164,12.55,3.48,1.87,73.23,0.63,8.08,0,0.09,'build wind non-float'
|
||||
1.51663,12.93,3.54,1.62,72.96,0.64,8.03,0,0.21,'build wind non-float'
|
||||
1.5169,13.33,3.54,1.61,72.54,0.68,8.11,0,0,'build wind non-float'
|
||||
1.51869,13.19,3.37,1.18,72.72,0.57,8.83,0,0.16,'build wind float'
|
||||
1.51776,13.53,3.41,1.52,72.04,0.58,8.79,0,0,'vehic wind float'
|
||||
1.51775,12.85,3.48,1.23,72.97,0.61,8.56,0.09,0.22,'build wind float'
|
||||
1.5186,13.36,3.43,1.43,72.26,0.51,8.6,0,0,'build wind non-float'
|
||||
1.5172,13.38,3.5,1.15,72.85,0.5,8.43,0,0,'build wind float'
|
||||
1.51623,14.2,0,2.79,73.46,0.04,9.04,0.4,0.09,headlamps
|
||||
1.51618,13.53,3.55,1.54,72.99,0.39,7.78,0,0,'build wind float'
|
||||
1.51761,12.81,3.54,1.23,73.24,0.58,8.39,0,0,'build wind float'
|
||||
1.5161,13.42,3.4,1.22,72.69,0.59,8.32,0,0,'vehic wind float'
|
||||
1.51592,12.86,3.52,2.12,72.66,0.69,7.97,0,0,'build wind non-float'
|
||||
1.51613,13.92,3.52,1.25,72.88,0.37,7.94,0,0.14,'build wind non-float'
|
||||
1.51689,12.67,2.88,1.71,73.21,0.73,8.54,0,0,'build wind non-float'
|
||||
1.51852,14.09,2.19,1.66,72.67,0,9.32,0,0,tableware
|
305
datasets/hayes-roth.arff
Executable file
305
datasets/hayes-roth.arff
Executable file
@@ -0,0 +1,305 @@
|
||||
% 1. Title: Hayes-Roth & Hayes-Roth (1977) Database
|
||||
%
|
||||
% 2. Source Information:
|
||||
% (a) Creators: Barbara and Frederick Hayes-Roth
|
||||
% (b) Donor: David W. Aha (aha@ics.uci.edu) (714) 856-8779
|
||||
% (c) Date: March, 1989
|
||||
%
|
||||
% 3. Past Usage:
|
||||
% 1. Hayes-Roth, B., & Hayes-Roth, F. (1977). Concept learning and the
|
||||
% recognition and classification of exemplars. Journal of Verbal Learning
|
||||
% and Verbal Behavior, 16, 321-338.
|
||||
% -- Results:
|
||||
% -- Human subjects classification and recognition performance:
|
||||
% 1. decreases with distance from the prototype,
|
||||
% 2. is better on unseen prototypes than old instances, and
|
||||
% 3. improves with presentation frequency during learning.
|
||||
% 2. Anderson, J.R., & Kline, P.J. (1979). A learning system and its
|
||||
% psychological implications. In Proceedings of the Sixth International
|
||||
% Joint Conference on Artificial Intelligence (pp. 16-21). Tokyo, Japan:
|
||||
% Morgan Kaufmann.
|
||||
% -- Partitioned the results into 4 classes:
|
||||
% 1. prototypes
|
||||
% 2. near-prototypes with high presentation frequency during learning
|
||||
% 3. near-prototypes with low presentation frequency during learning
|
||||
% 4. instances that are far from protoypes
|
||||
% -- Described evidence that ACT's classification confidence and
|
||||
% recognition behaviors closely simulated human subjects' behaviors.
|
||||
% 3. Aha, D.W. (1989). Incremental learning of independent, overlapping, and
|
||||
% graded concept descriptions with an instance-based process framework.
|
||||
% Manuscript submitted for publication.
|
||||
% -- Used same partition as Anderson & Kline
|
||||
% -- Described evidence that Bloom's classification confidence behavior
|
||||
% is similar to the human subjects' behavior. Bloom fitted the data
|
||||
% more closely than did ACT.
|
||||
%
|
||||
% 4. Relevant Information:
|
||||
% This database contains 5 numeric-valued attributes. Only a subset of
|
||||
% 3 are used during testing (the latter 3). Furthermore, only 2 of the
|
||||
% 3 concepts are "used" during testing (i.e., those with the prototypes
|
||||
% 000 and 111). I've mapped all values to their zero-indexing equivalents.
|
||||
%
|
||||
% Some instances could be placed in either category 0 or 1. I've followed
|
||||
% the authors' suggestion, placing them in each category with equal
|
||||
% probability.
|
||||
%
|
||||
% I've replaced the actual values of the attributes (i.e., hobby has values
|
||||
% chess, sports and stamps) with numeric values. I think this is how
|
||||
% the authors' did this when testing the categorization models described
|
||||
% in the paper. I find this unfair. While the subjects were able to bring
|
||||
% background knowledge to bear on the attribute values and their
|
||||
% relationships, the algorithms were provided with no such knowledge. I'm
|
||||
% uncertain whether the 2 distractor attributes (name and hobby) are
|
||||
% presented to the authors' algorithms during testing. However, it is clear
|
||||
% that only the age, educational status, and marital status attributes are
|
||||
% given during the human subjects' transfer tests.
|
||||
%
|
||||
% 5. Number of Instances: 132 training instances, 28 test instances
|
||||
%
|
||||
% 6. Number of Attributes: 5 plus the class membership attribute. 3 concepts.
|
||||
%
|
||||
% 7. Attribute Information:
|
||||
% -- 1. name: distinct for each instance and represented numerically
|
||||
% -- 2. hobby: nominal values ranging between 1 and 3
|
||||
% -- 3. age: nominal values ranging between 1 and 4
|
||||
% -- 4. educational level: nominal values ranging between 1 and 4
|
||||
% -- 5. marital status: nominal values ranging between 1 and 4
|
||||
% -- 6. class: nominal value between 1 and 3
|
||||
%
|
||||
% 9. Missing Attribute Values: none
|
||||
%
|
||||
% 10. Class Distribution: see below
|
||||
%
|
||||
% 11. Detailed description of the experiment:
|
||||
% 1. 3 categories (1, 2, and neither -- which I call 3)
|
||||
% -- some of the instances could be classified in either class 1 or 2, and
|
||||
% they have been evenly distributed between the two classes
|
||||
% 2. 5 Attributes
|
||||
% -- A. name (a randomly-generated number between 1 and 132)
|
||||
% -- B. hobby (a randomly-generated number between 1 and 3)
|
||||
% -- C. age (a number between 1 and 4)
|
||||
% -- D. education level (a number between 1 and 4)
|
||||
% -- E. marital status (a number between 1 and 4)
|
||||
% 3. Classification:
|
||||
% -- only attributes C-E are diagnostic; values for A and B are ignored
|
||||
% -- Class Neither: if a 4 occurs for any attribute C-E
|
||||
% -- Class 1: Otherwise, if (# of 1's)>(# of 2's) for attributes C-E
|
||||
% -- Class 2: Otherwise, if (# of 2's)>(# of 1's) for attributes C-E
|
||||
% -- Either 1 or 2: Otherwise, if (# of 2's)=(# of 1's) for attributes C-E
|
||||
% 4. Prototypes:
|
||||
% -- Class 1: 111
|
||||
% -- Class 2: 222
|
||||
% -- Class Either: 333
|
||||
% -- Class Neither: 444
|
||||
% 5. Number of training instances: 132
|
||||
% -- Each instance presented 0, 1, or 10 times
|
||||
% -- None of the prototypes seen during training
|
||||
% -- 3 instances from each of categories 1, 2, and either are repeated
|
||||
% 10 times each
|
||||
% -- 3 additional instances from the Either category are shown during
|
||||
% learning
|
||||
% 5. Number of test instances: 28
|
||||
% -- All 9 class 1
|
||||
% -- All 9 class 2
|
||||
% -- All 6 class Either
|
||||
% -- All 4 prototypes
|
||||
% --------------------
|
||||
% -- 28 total
|
||||
%
|
||||
% Observations of interest:
|
||||
% 1. Relative classification confidence of
|
||||
% -- prototypes for classes 1 and 2 (2 instances)
|
||||
% (Anderson calls these Class 1 instances)
|
||||
% -- instances of class 1 with frequency 10 during training and
|
||||
% instances of class 2 with frequency 10 during training that
|
||||
% are 1 value away from their respective prototypes (6 instances)
|
||||
% (Anderson calls these Class 2 instances)
|
||||
% -- instances of class 1 with frequency 1 during training and
|
||||
% instances of class 2 with frequency 1 during training that
|
||||
% are 1 value away from their respective prototypes (6 instances)
|
||||
% (Anderson calls these Class 3 instances)
|
||||
% -- instances of class 1 with frequency 1 during training and
|
||||
% instances of class 2 with frequency 1 during training that
|
||||
% are 2 values away from their respective prototypes (6 instances)
|
||||
% (Anderson calls these Class 4 instances)
|
||||
% 2. Relative classification recognition of them also
|
||||
%
|
||||
% Some Expected results:
|
||||
% Both frequency and distance from prototype will effect the classification
|
||||
% accuracy of instances. Greater the frequency, higher the classification
|
||||
% confidence. Closer to prototype, higher the classification confidence.
|
||||
%
|
||||
% Information about the dataset
|
||||
% CLASSTYPE: nominal
|
||||
% CLASSINDEX: last
|
||||
%
|
||||
|
||||
@relation hayes-roth
|
||||
|
||||
@attribute hobby INTEGER
|
||||
@attribute age INTEGER
|
||||
@attribute educational_level INTEGER
|
||||
@attribute marital_status INTEGER
|
||||
@attribute class {1,2,3,4}
|
||||
|
||||
@data
|
||||
2,1,1,2,1
|
||||
2,1,3,2,2
|
||||
3,1,4,1,3
|
||||
2,4,2,2,3
|
||||
1,1,3,4,3
|
||||
1,1,3,2,2
|
||||
3,1,3,2,2
|
||||
3,4,2,4,3
|
||||
2,2,1,1,1
|
||||
3,2,1,1,1
|
||||
1,2,1,1,1
|
||||
2,2,3,4,3
|
||||
1,1,2,1,1
|
||||
2,1,2,2,2
|
||||
2,4,1,4,3
|
||||
1,1,3,3,1
|
||||
3,2,1,2,2
|
||||
1,2,1,1,1
|
||||
3,3,2,1,1
|
||||
3,1,3,2,1
|
||||
1,2,2,1,2
|
||||
3,2,1,3,1
|
||||
2,1,2,1,1
|
||||
3,2,1,3,1
|
||||
2,3,2,1,1
|
||||
3,2,2,1,2
|
||||
3,2,1,3,2
|
||||
2,1,2,2,2
|
||||
1,1,3,2,1
|
||||
3,2,1,1,1
|
||||
1,4,1,1,3
|
||||
2,2,1,3,1
|
||||
1,2,1,3,2
|
||||
1,1,1,2,1
|
||||
2,4,3,1,3
|
||||
3,1,2,2,2
|
||||
1,1,2,2,2
|
||||
3,2,2,1,2
|
||||
1,2,1,2,2
|
||||
3,4,3,2,3
|
||||
2,2,2,1,2
|
||||
2,2,1,2,2
|
||||
3,2,1,3,2
|
||||
3,2,1,1,1
|
||||
3,1,2,1,1
|
||||
1,2,1,3,2
|
||||
2,1,1,2,1
|
||||
1,1,1,2,1
|
||||
1,2,2,3,2
|
||||
3,3,1,1,1
|
||||
3,3,3,1,1
|
||||
3,2,1,2,2
|
||||
3,2,1,2,2
|
||||
3,1,2,1,1
|
||||
1,1,1,2,1
|
||||
2,1,3,2,1
|
||||
2,2,2,1,2
|
||||
2,1,2,1,1
|
||||
2,2,1,3,1
|
||||
2,1,2,2,2
|
||||
1,2,4,2,3
|
||||
2,2,1,2,2
|
||||
1,1,2,4,3
|
||||
1,3,2,1,1
|
||||
2,4,4,2,3
|
||||
2,3,2,1,1
|
||||
3,1,2,2,2
|
||||
1,1,2,2,2
|
||||
1,3,2,4,3
|
||||
1,1,2,2,2
|
||||
3,1,4,2,3
|
||||
2,1,3,2,2
|
||||
1,1,3,2,2
|
||||
3,1,3,2,1
|
||||
1,2,4,4,3
|
||||
1,4,2,1,3
|
||||
2,1,2,1,1
|
||||
3,4,1,2,3
|
||||
2,2,1,1,1
|
||||
1,1,2,1,1
|
||||
2,2,4,3,3
|
||||
3,1,2,2,2
|
||||
1,1,3,2,1
|
||||
1,2,1,3,1
|
||||
1,4,4,1,3
|
||||
3,3,3,2,2
|
||||
2,2,1,3,2
|
||||
3,3,2,1,2
|
||||
1,1,1,3,1
|
||||
2,2,1,2,2
|
||||
2,2,2,1,2
|
||||
2,3,2,3,2
|
||||
1,3,2,1,2
|
||||
2,2,1,2,2
|
||||
1,1,1,2,1
|
||||
3,2,2,1,2
|
||||
3,2,1,1,1
|
||||
1,1,2,1,1
|
||||
3,1,4,4,3
|
||||
3,3,2,1,2
|
||||
2,3,2,1,2
|
||||
2,1,3,1,1
|
||||
1,2,1,2,2
|
||||
3,1,1,2,1
|
||||
2,2,4,1,3
|
||||
1,2,2,1,2
|
||||
2,3,2,1,2
|
||||
2,2,1,4,3
|
||||
1,4,2,3,3
|
||||
2,2,1,1,1
|
||||
1,2,1,1,1
|
||||
2,2,3,2,2
|
||||
1,3,2,1,1
|
||||
3,1,2,1,1
|
||||
3,1,1,2,1
|
||||
3,3,1,4,3
|
||||
2,3,4,1,3
|
||||
1,2,3,3,2
|
||||
3,3,2,2,2
|
||||
3,3,4,2,3
|
||||
1,2,2,1,2
|
||||
2,1,1,4,3
|
||||
3,1,2,2,2
|
||||
3,2,2,4,3
|
||||
2,3,1,3,1
|
||||
2,1,1,2,1
|
||||
3,4,1,3,3
|
||||
1,1,4,3,3
|
||||
2,1,2,1,1
|
||||
1,2,1,2,2
|
||||
1,2,2,1,2
|
||||
3,1,1,2,1
|
||||
1,1,1,2,1
|
||||
1,1,2,1,1
|
||||
1,2,1,1,1
|
||||
1,1,1,3,1
|
||||
1,1,3,1,1
|
||||
1,3,1,1,1
|
||||
1,1,3,3,1
|
||||
1,3,1,3,1
|
||||
1,3,3,1,1
|
||||
1,2,2,1,2
|
||||
1,2,1,2,2
|
||||
1,1,2,2,2
|
||||
1,2,2,3,2
|
||||
1,2,3,2,2
|
||||
1,3,2,2,2
|
||||
1,2,3,3,2
|
||||
1,3,2,3,2
|
||||
1,3,3,2,2
|
||||
1,1,3,2,1
|
||||
1,3,2,1,2
|
||||
1,2,1,3,1
|
||||
1,2,3,1,2
|
||||
1,1,2,3,1
|
||||
1,3,1,2,2
|
||||
1,1,1,1,1
|
||||
1,2,2,2,2
|
||||
1,3,3,3,1
|
||||
1,4,4,4,3
|
173
datasets/hayes-roth_test.arff
Executable file
173
datasets/hayes-roth_test.arff
Executable file
@@ -0,0 +1,173 @@
|
||||
% 1. Title: Hayes-Roth & Hayes-Roth (1977) Database
|
||||
%
|
||||
% 2. Source Information:
|
||||
% (a) Creators: Barbara and Frederick Hayes-Roth
|
||||
% (b) Donor: David W. Aha (aha@ics.uci.edu) (714) 856-8779
|
||||
% (c) Date: March, 1989
|
||||
%
|
||||
% 3. Past Usage:
|
||||
% 1. Hayes-Roth, B., & Hayes-Roth, F. (1977). Concept learning and the
|
||||
% recognition and classification of exemplars. Journal of Verbal Learning
|
||||
% and Verbal Behavior, 16, 321-338.
|
||||
% -- Results:
|
||||
% -- Human subjects classification and recognition performance:
|
||||
% 1. decreases with distance from the prototype,
|
||||
% 2. is better on unseen prototypes than old instances, and
|
||||
% 3. improves with presentation frequency during learning.
|
||||
% 2. Anderson, J.R., & Kline, P.J. (1979). A learning system and its
|
||||
% psychological implications. In Proceedings of the Sixth International
|
||||
% Joint Conference on Artificial Intelligence (pp. 16-21). Tokyo, Japan:
|
||||
% Morgan Kaufmann.
|
||||
% -- Partitioned the results into 4 classes:
|
||||
% 1. prototypes
|
||||
% 2. near-prototypes with high presentation frequency during learning
|
||||
% 3. near-prototypes with low presentation frequency during learning
|
||||
% 4. instances that are far from protoypes
|
||||
% -- Described evidence that ACT's classification confidence and
|
||||
% recognition behaviors closely simulated human subjects' behaviors.
|
||||
% 3. Aha, D.W. (1989). Incremental learning of independent, overlapping, and
|
||||
% graded concept descriptions with an instance-based process framework.
|
||||
% Manuscript submitted for publication.
|
||||
% -- Used same partition as Anderson & Kline
|
||||
% -- Described evidence that Bloom's classification confidence behavior
|
||||
% is similar to the human subjects' behavior. Bloom fitted the data
|
||||
% more closely than did ACT.
|
||||
%
|
||||
% 4. Relevant Information:
|
||||
% This database contains 5 numeric-valued attributes. Only a subset of
|
||||
% 3 are used during testing (the latter 3). Furthermore, only 2 of the
|
||||
% 3 concepts are "used" during testing (i.e., those with the prototypes
|
||||
% 000 and 111). I've mapped all values to their zero-indexing equivalents.
|
||||
%
|
||||
% Some instances could be placed in either category 0 or 1. I've followed
|
||||
% the authors' suggestion, placing them in each category with equal
|
||||
% probability.
|
||||
%
|
||||
% I've replaced the actual values of the attributes (i.e., hobby has values
|
||||
% chess, sports and stamps) with numeric values. I think this is how
|
||||
% the authors' did this when testing the categorization models described
|
||||
% in the paper. I find this unfair. While the subjects were able to bring
|
||||
% background knowledge to bear on the attribute values and their
|
||||
% relationships, the algorithms were provided with no such knowledge. I'm
|
||||
% uncertain whether the 2 distractor attributes (name and hobby) are
|
||||
% presented to the authors' algorithms during testing. However, it is clear
|
||||
% that only the age, educational status, and marital status attributes are
|
||||
% given during the human subjects' transfer tests.
|
||||
%
|
||||
% 5. Number of Instances: 132 training instances, 28 test instances
|
||||
%
|
||||
% 6. Number of Attributes: 5 plus the class membership attribute. 3 concepts.
|
||||
%
|
||||
% 7. Attribute Information:
|
||||
% -- 1. name: distinct for each instance and represented numerically
|
||||
% -- 2. hobby: nominal values ranging between 1 and 3
|
||||
% -- 3. age: nominal values ranging between 1 and 4
|
||||
% -- 4. educational level: nominal values ranging between 1 and 4
|
||||
% -- 5. marital status: nominal values ranging between 1 and 4
|
||||
% -- 6. class: nominal value between 1 and 3
|
||||
%
|
||||
% 9. Missing Attribute Values: none
|
||||
%
|
||||
% 10. Class Distribution: see below
|
||||
%
|
||||
% 11. Detailed description of the experiment:
|
||||
% 1. 3 categories (1, 2, and neither -- which I call 3)
|
||||
% -- some of the instances could be classified in either class 1 or 2, and
|
||||
% they have been evenly distributed between the two classes
|
||||
% 2. 5 Attributes
|
||||
% -- A. name (a randomly-generated number between 1 and 132)
|
||||
% -- B. hobby (a randomly-generated number between 1 and 3)
|
||||
% -- C. age (a number between 1 and 4)
|
||||
% -- D. education level (a number between 1 and 4)
|
||||
% -- E. marital status (a number between 1 and 4)
|
||||
% 3. Classification:
|
||||
% -- only attributes C-E are diagnostic; values for A and B are ignored
|
||||
% -- Class Neither: if a 4 occurs for any attribute C-E
|
||||
% -- Class 1: Otherwise, if (# of 1's)>(# of 2's) for attributes C-E
|
||||
% -- Class 2: Otherwise, if (# of 2's)>(# of 1's) for attributes C-E
|
||||
% -- Either 1 or 2: Otherwise, if (# of 2's)=(# of 1's) for attributes C-E
|
||||
% 4. Prototypes:
|
||||
% -- Class 1: 111
|
||||
% -- Class 2: 222
|
||||
% -- Class Either: 333
|
||||
% -- Class Neither: 444
|
||||
% 5. Number of training instances: 132
|
||||
% -- Each instance presented 0, 1, or 10 times
|
||||
% -- None of the prototypes seen during training
|
||||
% -- 3 instances from each of categories 1, 2, and either are repeated
|
||||
% 10 times each
|
||||
% -- 3 additional instances from the Either category are shown during
|
||||
% learning
|
||||
% 5. Number of test instances: 28
|
||||
% -- All 9 class 1
|
||||
% -- All 9 class 2
|
||||
% -- All 6 class Either
|
||||
% -- All 4 prototypes
|
||||
% --------------------
|
||||
% -- 28 total
|
||||
%
|
||||
% Observations of interest:
|
||||
% 1. Relative classification confidence of
|
||||
% -- prototypes for classes 1 and 2 (2 instances)
|
||||
% (Anderson calls these Class 1 instances)
|
||||
% -- instances of class 1 with frequency 10 during training and
|
||||
% instances of class 2 with frequency 10 during training that
|
||||
% are 1 value away from their respective prototypes (6 instances)
|
||||
% (Anderson calls these Class 2 instances)
|
||||
% -- instances of class 1 with frequency 1 during training and
|
||||
% instances of class 2 with frequency 1 during training that
|
||||
% are 1 value away from their respective prototypes (6 instances)
|
||||
% (Anderson calls these Class 3 instances)
|
||||
% -- instances of class 1 with frequency 1 during training and
|
||||
% instances of class 2 with frequency 1 during training that
|
||||
% are 2 values away from their respective prototypes (6 instances)
|
||||
% (Anderson calls these Class 4 instances)
|
||||
% 2. Relative classification recognition of them also
|
||||
%
|
||||
% Some Expected results:
|
||||
% Both frequency and distance from prototype will effect the classification
|
||||
% accuracy of instances. Greater the frequency, higher the classification
|
||||
% confidence. Closer to prototype, higher the classification confidence.
|
||||
%
|
||||
% Information about the dataset
|
||||
% CLASSTYPE: nominal
|
||||
% CLASSINDEX: last
|
||||
%
|
||||
|
||||
@relation hayes-roth
|
||||
|
||||
@attribute hobby INTEGER
|
||||
@attribute age INTEGER
|
||||
@attribute educational_level INTEGER
|
||||
@attribute marital_status INTEGER
|
||||
@attribute class {1,2,3,4}
|
||||
|
||||
@data
|
||||
1,1,1,2,1
|
||||
1,1,2,1,1
|
||||
1,2,1,1,1
|
||||
1,1,1,3,1
|
||||
1,1,3,1,1
|
||||
1,3,1,1,1
|
||||
1,1,3,3,1
|
||||
1,3,1,3,1
|
||||
1,3,3,1,1
|
||||
1,2,2,1,2
|
||||
1,2,1,2,2
|
||||
1,1,2,2,2
|
||||
1,2,2,3,2
|
||||
1,2,3,2,2
|
||||
1,3,2,2,2
|
||||
1,2,3,3,2
|
||||
1,3,2,3,2
|
||||
1,3,3,2,2
|
||||
1,1,3,2,1
|
||||
1,3,2,1,2
|
||||
1,2,1,3,1
|
||||
1,2,3,1,2
|
||||
1,1,2,3,1
|
||||
1,3,1,2,2
|
||||
1,1,1,1,1
|
||||
1,2,2,2,2
|
||||
1,3,3,3,1
|
||||
1,4,4,4,3
|
277
datasets/hayes-roth_train.arff
Executable file
277
datasets/hayes-roth_train.arff
Executable file
@@ -0,0 +1,277 @@
|
||||
% 1. Title: Hayes-Roth & Hayes-Roth (1977) Database
|
||||
%
|
||||
% 2. Source Information:
|
||||
% (a) Creators: Barbara and Frederick Hayes-Roth
|
||||
% (b) Donor: David W. Aha (aha@ics.uci.edu) (714) 856-8779
|
||||
% (c) Date: March, 1989
|
||||
%
|
||||
% 3. Past Usage:
|
||||
% 1. Hayes-Roth, B., & Hayes-Roth, F. (1977). Concept learning and the
|
||||
% recognition and classification of exemplars. Journal of Verbal Learning
|
||||
% and Verbal Behavior, 16, 321-338.
|
||||
% -- Results:
|
||||
% -- Human subjects classification and recognition performance:
|
||||
% 1. decreases with distance from the prototype,
|
||||
% 2. is better on unseen prototypes than old instances, and
|
||||
% 3. improves with presentation frequency during learning.
|
||||
% 2. Anderson, J.R., & Kline, P.J. (1979). A learning system and its
|
||||
% psychological implications. In Proceedings of the Sixth International
|
||||
% Joint Conference on Artificial Intelligence (pp. 16-21). Tokyo, Japan:
|
||||
% Morgan Kaufmann.
|
||||
% -- Partitioned the results into 4 classes:
|
||||
% 1. prototypes
|
||||
% 2. near-prototypes with high presentation frequency during learning
|
||||
% 3. near-prototypes with low presentation frequency during learning
|
||||
% 4. instances that are far from protoypes
|
||||
% -- Described evidence that ACT's classification confidence and
|
||||
% recognition behaviors closely simulated human subjects' behaviors.
|
||||
% 3. Aha, D.W. (1989). Incremental learning of independent, overlapping, and
|
||||
% graded concept descriptions with an instance-based process framework.
|
||||
% Manuscript submitted for publication.
|
||||
% -- Used same partition as Anderson & Kline
|
||||
% -- Described evidence that Bloom's classification confidence behavior
|
||||
% is similar to the human subjects' behavior. Bloom fitted the data
|
||||
% more closely than did ACT.
|
||||
%
|
||||
% 4. Relevant Information:
|
||||
% This database contains 5 numeric-valued attributes. Only a subset of
|
||||
% 3 are used during testing (the latter 3). Furthermore, only 2 of the
|
||||
% 3 concepts are "used" during testing (i.e., those with the prototypes
|
||||
% 000 and 111). I've mapped all values to their zero-indexing equivalents.
|
||||
%
|
||||
% Some instances could be placed in either category 0 or 1. I've followed
|
||||
% the authors' suggestion, placing them in each category with equal
|
||||
% probability.
|
||||
%
|
||||
% I've replaced the actual values of the attributes (i.e., hobby has values
|
||||
% chess, sports and stamps) with numeric values. I think this is how
|
||||
% the authors' did this when testing the categorization models described
|
||||
% in the paper. I find this unfair. While the subjects were able to bring
|
||||
% background knowledge to bear on the attribute values and their
|
||||
% relationships, the algorithms were provided with no such knowledge. I'm
|
||||
% uncertain whether the 2 distractor attributes (name and hobby) are
|
||||
% presented to the authors' algorithms during testing. However, it is clear
|
||||
% that only the age, educational status, and marital status attributes are
|
||||
% given during the human subjects' transfer tests.
|
||||
%
|
||||
% 5. Number of Instances: 132 training instances, 28 test instances
|
||||
%
|
||||
% 6. Number of Attributes: 5 plus the class membership attribute. 3 concepts.
|
||||
%
|
||||
% 7. Attribute Information:
|
||||
% -- 1. name: distinct for each instance and represented numerically
|
||||
% -- 2. hobby: nominal values ranging between 1 and 3
|
||||
% -- 3. age: nominal values ranging between 1 and 4
|
||||
% -- 4. educational level: nominal values ranging between 1 and 4
|
||||
% -- 5. marital status: nominal values ranging between 1 and 4
|
||||
% -- 6. class: nominal value between 1 and 3
|
||||
%
|
||||
% 9. Missing Attribute Values: none
|
||||
%
|
||||
% 10. Class Distribution: see below
|
||||
%
|
||||
% 11. Detailed description of the experiment:
|
||||
% 1. 3 categories (1, 2, and neither -- which I call 3)
|
||||
% -- some of the instances could be classified in either class 1 or 2, and
|
||||
% they have been evenly distributed between the two classes
|
||||
% 2. 5 Attributes
|
||||
% -- A. name (a randomly-generated number between 1 and 132)
|
||||
% -- B. hobby (a randomly-generated number between 1 and 3)
|
||||
% -- C. age (a number between 1 and 4)
|
||||
% -- D. education level (a number between 1 and 4)
|
||||
% -- E. marital status (a number between 1 and 4)
|
||||
% 3. Classification:
|
||||
% -- only attributes C-E are diagnostic; values for A and B are ignored
|
||||
% -- Class Neither: if a 4 occurs for any attribute C-E
|
||||
% -- Class 1: Otherwise, if (# of 1's)>(# of 2's) for attributes C-E
|
||||
% -- Class 2: Otherwise, if (# of 2's)>(# of 1's) for attributes C-E
|
||||
% -- Either 1 or 2: Otherwise, if (# of 2's)=(# of 1's) for attributes C-E
|
||||
% 4. Prototypes:
|
||||
% -- Class 1: 111
|
||||
% -- Class 2: 222
|
||||
% -- Class Either: 333
|
||||
% -- Class Neither: 444
|
||||
% 5. Number of training instances: 132
|
||||
% -- Each instance presented 0, 1, or 10 times
|
||||
% -- None of the prototypes seen during training
|
||||
% -- 3 instances from each of categories 1, 2, and either are repeated
|
||||
% 10 times each
|
||||
% -- 3 additional instances from the Either category are shown during
|
||||
% learning
|
||||
% 5. Number of test instances: 28
|
||||
% -- All 9 class 1
|
||||
% -- All 9 class 2
|
||||
% -- All 6 class Either
|
||||
% -- All 4 prototypes
|
||||
% --------------------
|
||||
% -- 28 total
|
||||
%
|
||||
% Observations of interest:
|
||||
% 1. Relative classification confidence of
|
||||
% -- prototypes for classes 1 and 2 (2 instances)
|
||||
% (Anderson calls these Class 1 instances)
|
||||
% -- instances of class 1 with frequency 10 during training and
|
||||
% instances of class 2 with frequency 10 during training that
|
||||
% are 1 value away from their respective prototypes (6 instances)
|
||||
% (Anderson calls these Class 2 instances)
|
||||
% -- instances of class 1 with frequency 1 during training and
|
||||
% instances of class 2 with frequency 1 during training that
|
||||
% are 1 value away from their respective prototypes (6 instances)
|
||||
% (Anderson calls these Class 3 instances)
|
||||
% -- instances of class 1 with frequency 1 during training and
|
||||
% instances of class 2 with frequency 1 during training that
|
||||
% are 2 values away from their respective prototypes (6 instances)
|
||||
% (Anderson calls these Class 4 instances)
|
||||
% 2. Relative classification recognition of them also
|
||||
%
|
||||
% Some Expected results:
|
||||
% Both frequency and distance from prototype will effect the classification
|
||||
% accuracy of instances. Greater the frequency, higher the classification
|
||||
% confidence. Closer to prototype, higher the classification confidence.
|
||||
%
|
||||
% Information about the dataset
|
||||
% CLASSTYPE: nominal
|
||||
% CLASSINDEX: last
|
||||
%
|
||||
|
||||
@relation hayes-roth
|
||||
|
||||
@attribute hobby INTEGER
|
||||
@attribute age INTEGER
|
||||
@attribute educational_level INTEGER
|
||||
@attribute marital_status INTEGER
|
||||
@attribute class {1,2,3,4}
|
||||
|
||||
@data
|
||||
2,1,1,2,1
|
||||
2,1,3,2,2
|
||||
3,1,4,1,3
|
||||
2,4,2,2,3
|
||||
1,1,3,4,3
|
||||
1,1,3,2,2
|
||||
3,1,3,2,2
|
||||
3,4,2,4,3
|
||||
2,2,1,1,1
|
||||
3,2,1,1,1
|
||||
1,2,1,1,1
|
||||
2,2,3,4,3
|
||||
1,1,2,1,1
|
||||
2,1,2,2,2
|
||||
2,4,1,4,3
|
||||
1,1,3,3,1
|
||||
3,2,1,2,2
|
||||
1,2,1,1,1
|
||||
3,3,2,1,1
|
||||
3,1,3,2,1
|
||||
1,2,2,1,2
|
||||
3,2,1,3,1
|
||||
2,1,2,1,1
|
||||
3,2,1,3,1
|
||||
2,3,2,1,1
|
||||
3,2,2,1,2
|
||||
3,2,1,3,2
|
||||
2,1,2,2,2
|
||||
1,1,3,2,1
|
||||
3,2,1,1,1
|
||||
1,4,1,1,3
|
||||
2,2,1,3,1
|
||||
1,2,1,3,2
|
||||
1,1,1,2,1
|
||||
2,4,3,1,3
|
||||
3,1,2,2,2
|
||||
1,1,2,2,2
|
||||
3,2,2,1,2
|
||||
1,2,1,2,2
|
||||
3,4,3,2,3
|
||||
2,2,2,1,2
|
||||
2,2,1,2,2
|
||||
3,2,1,3,2
|
||||
3,2,1,1,1
|
||||
3,1,2,1,1
|
||||
1,2,1,3,2
|
||||
2,1,1,2,1
|
||||
1,1,1,2,1
|
||||
1,2,2,3,2
|
||||
3,3,1,1,1
|
||||
3,3,3,1,1
|
||||
3,2,1,2,2
|
||||
3,2,1,2,2
|
||||
3,1,2,1,1
|
||||
1,1,1,2,1
|
||||
2,1,3,2,1
|
||||
2,2,2,1,2
|
||||
2,1,2,1,1
|
||||
2,2,1,3,1
|
||||
2,1,2,2,2
|
||||
1,2,4,2,3
|
||||
2,2,1,2,2
|
||||
1,1,2,4,3
|
||||
1,3,2,1,1
|
||||
2,4,4,2,3
|
||||
2,3,2,1,1
|
||||
3,1,2,2,2
|
||||
1,1,2,2,2
|
||||
1,3,2,4,3
|
||||
1,1,2,2,2
|
||||
3,1,4,2,3
|
||||
2,1,3,2,2
|
||||
1,1,3,2,2
|
||||
3,1,3,2,1
|
||||
1,2,4,4,3
|
||||
1,4,2,1,3
|
||||
2,1,2,1,1
|
||||
3,4,1,2,3
|
||||
2,2,1,1,1
|
||||
1,1,2,1,1
|
||||
2,2,4,3,3
|
||||
3,1,2,2,2
|
||||
1,1,3,2,1
|
||||
1,2,1,3,1
|
||||
1,4,4,1,3
|
||||
3,3,3,2,2
|
||||
2,2,1,3,2
|
||||
3,3,2,1,2
|
||||
1,1,1,3,1
|
||||
2,2,1,2,2
|
||||
2,2,2,1,2
|
||||
2,3,2,3,2
|
||||
1,3,2,1,2
|
||||
2,2,1,2,2
|
||||
1,1,1,2,1
|
||||
3,2,2,1,2
|
||||
3,2,1,1,1
|
||||
1,1,2,1,1
|
||||
3,1,4,4,3
|
||||
3,3,2,1,2
|
||||
2,3,2,1,2
|
||||
2,1,3,1,1
|
||||
1,2,1,2,2
|
||||
3,1,1,2,1
|
||||
2,2,4,1,3
|
||||
1,2,2,1,2
|
||||
2,3,2,1,2
|
||||
2,2,1,4,3
|
||||
1,4,2,3,3
|
||||
2,2,1,1,1
|
||||
1,2,1,1,1
|
||||
2,2,3,2,2
|
||||
1,3,2,1,1
|
||||
3,1,2,1,1
|
||||
3,1,1,2,1
|
||||
3,3,1,4,3
|
||||
2,3,4,1,3
|
||||
1,2,3,3,2
|
||||
3,3,2,2,2
|
||||
3,3,4,2,3
|
||||
1,2,2,1,2
|
||||
2,1,1,4,3
|
||||
3,1,2,2,2
|
||||
3,2,2,4,3
|
||||
2,3,1,3,1
|
||||
2,1,1,2,1
|
||||
3,4,1,3,3
|
||||
1,1,4,3,3
|
||||
2,1,2,1,1
|
||||
1,2,1,2,2
|
||||
1,2,2,1,2
|
||||
3,1,1,2,1
|
338
datasets/heart-statlog.arff
Executable file
338
datasets/heart-statlog.arff
Executable file
@@ -0,0 +1,338 @@
|
||||
% This database contains 13 attributes (which have been extracted from
|
||||
% a larger set of 75)
|
||||
%
|
||||
%
|
||||
%
|
||||
% Attribute Information:
|
||||
% ------------------------
|
||||
% -- 1. age
|
||||
% -- 2. sex
|
||||
% -- 3. chest pain type (4 values)
|
||||
% -- 4. resting blood pressure
|
||||
% -- 5. serum cholestoral in mg/dl
|
||||
% -- 6. fasting blood sugar > 120 mg/dl
|
||||
% -- 7. resting electrocardiographic results (values 0,1,2)
|
||||
% -- 8. maximum heart rate achieved
|
||||
% -- 9. exercise induced angina
|
||||
% -- 10. oldpeak = ST depression induced by exercise relative to rest
|
||||
% -- 11. the slope of the peak exercise ST segment
|
||||
% -- 12. number of major vessels (0-3) colored by flourosopy
|
||||
% -- 13. thal: 3 = normal; 6 = fixed defect; 7 = reversable defect
|
||||
%
|
||||
% Attributes types
|
||||
% -----------------
|
||||
%
|
||||
% Real: 1,4,5,8,10,12
|
||||
% Ordered:11,
|
||||
% Binary: 2,6,9
|
||||
% Nominal:7,3,13
|
||||
%
|
||||
% Variable to be predicted
|
||||
% ------------------------
|
||||
% Absence (1) or presence (2) of heart disease
|
||||
%
|
||||
% Cost Matrix
|
||||
%
|
||||
% abse pres
|
||||
% absence 0 1
|
||||
% presence 5 0
|
||||
%
|
||||
% where the rows represent the true values and the columns the predicted.
|
||||
%
|
||||
% No missing values.
|
||||
%
|
||||
% 270 observations
|
||||
%
|
||||
%
|
||||
%
|
||||
%
|
||||
% Relabeled values in attribute class
|
||||
% From: 1 To: absent
|
||||
% From: 2 To: present
|
||||
%
|
||||
@relation heart-statlog
|
||||
@attribute age real
|
||||
@attribute sex real
|
||||
@attribute chest real
|
||||
@attribute resting_blood_pressure real
|
||||
@attribute serum_cholestoral real
|
||||
@attribute fasting_blood_sugar real
|
||||
@attribute resting_electrocardiographic_results real
|
||||
@attribute maximum_heart_rate_achieved real
|
||||
@attribute exercise_induced_angina real
|
||||
@attribute oldpeak real
|
||||
@attribute slope real
|
||||
@attribute number_of_major_vessels real
|
||||
@attribute thal real
|
||||
@attribute class { absent, present}
|
||||
@data
|
||||
70,1,4,130,322,0,2,109,0,2.4,2,3,3,present
|
||||
67,0,3,115,564,0,2,160,0,1.6,2,0,7,absent
|
||||
57,1,2,124,261,0,0,141,0,0.3,1,0,7,present
|
||||
64,1,4,128,263,0,0,105,1,0.2,2,1,7,absent
|
||||
74,0,2,120,269,0,2,121,1,0.2,1,1,3,absent
|
||||
65,1,4,120,177,0,0,140,0,0.4,1,0,7,absent
|
||||
56,1,3,130,256,1,2,142,1,0.6,2,1,6,present
|
||||
59,1,4,110,239,0,2,142,1,1.2,2,1,7,present
|
||||
60,1,4,140,293,0,2,170,0,1.2,2,2,7,present
|
||||
63,0,4,150,407,0,2,154,0,4,2,3,7,present
|
||||
59,1,4,135,234,0,0,161,0,0.5,2,0,7,absent
|
||||
53,1,4,142,226,0,2,111,1,0,1,0,7,absent
|
||||
44,1,3,140,235,0,2,180,0,0,1,0,3,absent
|
||||
61,1,1,134,234,0,0,145,0,2.6,2,2,3,present
|
||||
57,0,4,128,303,0,2,159,0,0,1,1,3,absent
|
||||
71,0,4,112,149,0,0,125,0,1.6,2,0,3,absent
|
||||
46,1,4,140,311,0,0,120,1,1.8,2,2,7,present
|
||||
53,1,4,140,203,1,2,155,1,3.1,3,0,7,present
|
||||
64,1,1,110,211,0,2,144,1,1.8,2,0,3,absent
|
||||
40,1,1,140,199,0,0,178,1,1.4,1,0,7,absent
|
||||
67,1,4,120,229,0,2,129,1,2.6,2,2,7,present
|
||||
48,1,2,130,245,0,2,180,0,0.2,2,0,3,absent
|
||||
43,1,4,115,303,0,0,181,0,1.2,2,0,3,absent
|
||||
47,1,4,112,204,0,0,143,0,0.1,1,0,3,absent
|
||||
54,0,2,132,288,1,2,159,1,0,1,1,3,absent
|
||||
48,0,3,130,275,0,0,139,0,0.2,1,0,3,absent
|
||||
46,0,4,138,243,0,2,152,1,0,2,0,3,absent
|
||||
51,0,3,120,295,0,2,157,0,0.6,1,0,3,absent
|
||||
58,1,3,112,230,0,2,165,0,2.5,2,1,7,present
|
||||
71,0,3,110,265,1,2,130,0,0,1,1,3,absent
|
||||
57,1,3,128,229,0,2,150,0,0.4,2,1,7,present
|
||||
66,1,4,160,228,0,2,138,0,2.3,1,0,6,absent
|
||||
37,0,3,120,215,0,0,170,0,0,1,0,3,absent
|
||||
59,1,4,170,326,0,2,140,1,3.4,3,0,7,present
|
||||
50,1,4,144,200,0,2,126,1,0.9,2,0,7,present
|
||||
48,1,4,130,256,1,2,150,1,0,1,2,7,present
|
||||
61,1,4,140,207,0,2,138,1,1.9,1,1,7,present
|
||||
59,1,1,160,273,0,2,125,0,0,1,0,3,present
|
||||
42,1,3,130,180,0,0,150,0,0,1,0,3,absent
|
||||
48,1,4,122,222,0,2,186,0,0,1,0,3,absent
|
||||
40,1,4,152,223,0,0,181,0,0,1,0,7,present
|
||||
62,0,4,124,209,0,0,163,0,0,1,0,3,absent
|
||||
44,1,3,130,233,0,0,179,1,0.4,1,0,3,absent
|
||||
46,1,2,101,197,1,0,156,0,0,1,0,7,absent
|
||||
59,1,3,126,218,1,0,134,0,2.2,2,1,6,present
|
||||
58,1,3,140,211,1,2,165,0,0,1,0,3,absent
|
||||
49,1,3,118,149,0,2,126,0,0.8,1,3,3,present
|
||||
44,1,4,110,197,0,2,177,0,0,1,1,3,present
|
||||
66,1,2,160,246,0,0,120,1,0,2,3,6,present
|
||||
65,0,4,150,225,0,2,114,0,1,2,3,7,present
|
||||
42,1,4,136,315,0,0,125,1,1.8,2,0,6,present
|
||||
52,1,2,128,205,1,0,184,0,0,1,0,3,absent
|
||||
65,0,3,140,417,1,2,157,0,0.8,1,1,3,absent
|
||||
63,0,2,140,195,0,0,179,0,0,1,2,3,absent
|
||||
45,0,2,130,234,0,2,175,0,0.6,2,0,3,absent
|
||||
41,0,2,105,198,0,0,168,0,0,1,1,3,absent
|
||||
61,1,4,138,166,0,2,125,1,3.6,2,1,3,present
|
||||
60,0,3,120,178,1,0,96,0,0,1,0,3,absent
|
||||
59,0,4,174,249,0,0,143,1,0,2,0,3,present
|
||||
62,1,2,120,281,0,2,103,0,1.4,2,1,7,present
|
||||
57,1,3,150,126,1,0,173,0,0.2,1,1,7,absent
|
||||
51,0,4,130,305,0,0,142,1,1.2,2,0,7,present
|
||||
44,1,3,120,226,0,0,169,0,0,1,0,3,absent
|
||||
60,0,1,150,240,0,0,171,0,0.9,1,0,3,absent
|
||||
63,1,1,145,233,1,2,150,0,2.3,3,0,6,absent
|
||||
57,1,4,150,276,0,2,112,1,0.6,2,1,6,present
|
||||
51,1,4,140,261,0,2,186,1,0,1,0,3,absent
|
||||
58,0,2,136,319,1,2,152,0,0,1,2,3,present
|
||||
44,0,3,118,242,0,0,149,0,0.3,2,1,3,absent
|
||||
47,1,3,108,243,0,0,152,0,0,1,0,3,present
|
||||
61,1,4,120,260,0,0,140,1,3.6,2,1,7,present
|
||||
57,0,4,120,354,0,0,163,1,0.6,1,0,3,absent
|
||||
70,1,2,156,245,0,2,143,0,0,1,0,3,absent
|
||||
76,0,3,140,197,0,1,116,0,1.1,2,0,3,absent
|
||||
67,0,4,106,223,0,0,142,0,0.3,1,2,3,absent
|
||||
45,1,4,142,309,0,2,147,1,0,2,3,7,present
|
||||
45,1,4,104,208,0,2,148,1,3,2,0,3,absent
|
||||
39,0,3,94,199,0,0,179,0,0,1,0,3,absent
|
||||
42,0,3,120,209,0,0,173,0,0,2,0,3,absent
|
||||
56,1,2,120,236,0,0,178,0,0.8,1,0,3,absent
|
||||
58,1,4,146,218,0,0,105,0,2,2,1,7,present
|
||||
35,1,4,120,198,0,0,130,1,1.6,2,0,7,present
|
||||
58,1,4,150,270,0,2,111,1,0.8,1,0,7,present
|
||||
41,1,3,130,214,0,2,168,0,2,2,0,3,absent
|
||||
57,1,4,110,201,0,0,126,1,1.5,2,0,6,absent
|
||||
42,1,1,148,244,0,2,178,0,0.8,1,2,3,absent
|
||||
62,1,2,128,208,1,2,140,0,0,1,0,3,absent
|
||||
59,1,1,178,270,0,2,145,0,4.2,3,0,7,absent
|
||||
41,0,2,126,306,0,0,163,0,0,1,0,3,absent
|
||||
50,1,4,150,243,0,2,128,0,2.6,2,0,7,present
|
||||
59,1,2,140,221,0,0,164,1,0,1,0,3,absent
|
||||
61,0,4,130,330,0,2,169,0,0,1,0,3,present
|
||||
54,1,4,124,266,0,2,109,1,2.2,2,1,7,present
|
||||
54,1,4,110,206,0,2,108,1,0,2,1,3,present
|
||||
52,1,4,125,212,0,0,168,0,1,1,2,7,present
|
||||
47,1,4,110,275,0,2,118,1,1,2,1,3,present
|
||||
66,1,4,120,302,0,2,151,0,0.4,2,0,3,absent
|
||||
58,1,4,100,234,0,0,156,0,0.1,1,1,7,present
|
||||
64,0,3,140,313,0,0,133,0,0.2,1,0,7,absent
|
||||
50,0,2,120,244,0,0,162,0,1.1,1,0,3,absent
|
||||
44,0,3,108,141,0,0,175,0,0.6,2,0,3,absent
|
||||
67,1,4,120,237,0,0,71,0,1,2,0,3,present
|
||||
49,0,4,130,269,0,0,163,0,0,1,0,3,absent
|
||||
57,1,4,165,289,1,2,124,0,1,2,3,7,present
|
||||
63,1,4,130,254,0,2,147,0,1.4,2,1,7,present
|
||||
48,1,4,124,274,0,2,166,0,0.5,2,0,7,present
|
||||
51,1,3,100,222,0,0,143,1,1.2,2,0,3,absent
|
||||
60,0,4,150,258,0,2,157,0,2.6,2,2,7,present
|
||||
59,1,4,140,177,0,0,162,1,0,1,1,7,present
|
||||
45,0,2,112,160,0,0,138,0,0,2,0,3,absent
|
||||
55,0,4,180,327,0,1,117,1,3.4,2,0,3,present
|
||||
41,1,2,110,235,0,0,153,0,0,1,0,3,absent
|
||||
60,0,4,158,305,0,2,161,0,0,1,0,3,present
|
||||
54,0,3,135,304,1,0,170,0,0,1,0,3,absent
|
||||
42,1,2,120,295,0,0,162,0,0,1,0,3,absent
|
||||
49,0,2,134,271,0,0,162,0,0,2,0,3,absent
|
||||
46,1,4,120,249,0,2,144,0,0.8,1,0,7,present
|
||||
56,0,4,200,288,1,2,133,1,4,3,2,7,present
|
||||
66,0,1,150,226,0,0,114,0,2.6,3,0,3,absent
|
||||
56,1,4,130,283,1,2,103,1,1.6,3,0,7,present
|
||||
49,1,3,120,188,0,0,139,0,2,2,3,7,present
|
||||
54,1,4,122,286,0,2,116,1,3.2,2,2,3,present
|
||||
57,1,4,152,274,0,0,88,1,1.2,2,1,7,present
|
||||
65,0,3,160,360,0,2,151,0,0.8,1,0,3,absent
|
||||
54,1,3,125,273,0,2,152,0,0.5,3,1,3,absent
|
||||
54,0,3,160,201,0,0,163,0,0,1,1,3,absent
|
||||
62,1,4,120,267,0,0,99,1,1.8,2,2,7,present
|
||||
52,0,3,136,196,0,2,169,0,0.1,2,0,3,absent
|
||||
52,1,2,134,201,0,0,158,0,0.8,1,1,3,absent
|
||||
60,1,4,117,230,1,0,160,1,1.4,1,2,7,present
|
||||
63,0,4,108,269,0,0,169,1,1.8,2,2,3,present
|
||||
66,1,4,112,212,0,2,132,1,0.1,1,1,3,present
|
||||
42,1,4,140,226,0,0,178,0,0,1,0,3,absent
|
||||
64,1,4,120,246,0,2,96,1,2.2,3,1,3,present
|
||||
54,1,3,150,232,0,2,165,0,1.6,1,0,7,absent
|
||||
46,0,3,142,177,0,2,160,1,1.4,3,0,3,absent
|
||||
67,0,3,152,277,0,0,172,0,0,1,1,3,absent
|
||||
56,1,4,125,249,1,2,144,1,1.2,2,1,3,present
|
||||
34,0,2,118,210,0,0,192,0,0.7,1,0,3,absent
|
||||
57,1,4,132,207,0,0,168,1,0,1,0,7,absent
|
||||
64,1,4,145,212,0,2,132,0,2,2,2,6,present
|
||||
59,1,4,138,271,0,2,182,0,0,1,0,3,absent
|
||||
50,1,3,140,233,0,0,163,0,0.6,2,1,7,present
|
||||
51,1,1,125,213,0,2,125,1,1.4,1,1,3,absent
|
||||
54,1,2,192,283,0,2,195,0,0,1,1,7,present
|
||||
53,1,4,123,282,0,0,95,1,2,2,2,7,present
|
||||
52,1,4,112,230,0,0,160,0,0,1,1,3,present
|
||||
40,1,4,110,167,0,2,114,1,2,2,0,7,present
|
||||
58,1,3,132,224,0,2,173,0,3.2,1,2,7,present
|
||||
41,0,3,112,268,0,2,172,1,0,1,0,3,absent
|
||||
41,1,3,112,250,0,0,179,0,0,1,0,3,absent
|
||||
50,0,3,120,219,0,0,158,0,1.6,2,0,3,absent
|
||||
54,0,3,108,267,0,2,167,0,0,1,0,3,absent
|
||||
64,0,4,130,303,0,0,122,0,2,2,2,3,absent
|
||||
51,0,3,130,256,0,2,149,0,0.5,1,0,3,absent
|
||||
46,0,2,105,204,0,0,172,0,0,1,0,3,absent
|
||||
55,1,4,140,217,0,0,111,1,5.6,3,0,7,present
|
||||
45,1,2,128,308,0,2,170,0,0,1,0,3,absent
|
||||
56,1,1,120,193,0,2,162,0,1.9,2,0,7,absent
|
||||
66,0,4,178,228,1,0,165,1,1,2,2,7,present
|
||||
38,1,1,120,231,0,0,182,1,3.8,2,0,7,present
|
||||
62,0,4,150,244,0,0,154,1,1.4,2,0,3,present
|
||||
55,1,2,130,262,0,0,155,0,0,1,0,3,absent
|
||||
58,1,4,128,259,0,2,130,1,3,2,2,7,present
|
||||
43,1,4,110,211,0,0,161,0,0,1,0,7,absent
|
||||
64,0,4,180,325,0,0,154,1,0,1,0,3,absent
|
||||
50,0,4,110,254,0,2,159,0,0,1,0,3,absent
|
||||
53,1,3,130,197,1,2,152,0,1.2,3,0,3,absent
|
||||
45,0,4,138,236,0,2,152,1,0.2,2,0,3,absent
|
||||
65,1,1,138,282,1,2,174,0,1.4,2,1,3,present
|
||||
69,1,1,160,234,1,2,131,0,0.1,2,1,3,absent
|
||||
69,1,3,140,254,0,2,146,0,2,2,3,7,present
|
||||
67,1,4,100,299,0,2,125,1,0.9,2,2,3,present
|
||||
68,0,3,120,211,0,2,115,0,1.5,2,0,3,absent
|
||||
34,1,1,118,182,0,2,174,0,0,1,0,3,absent
|
||||
62,0,4,138,294,1,0,106,0,1.9,2,3,3,present
|
||||
51,1,4,140,298,0,0,122,1,4.2,2,3,7,present
|
||||
46,1,3,150,231,0,0,147,0,3.6,2,0,3,present
|
||||
67,1,4,125,254,1,0,163,0,0.2,2,2,7,present
|
||||
50,1,3,129,196,0,0,163,0,0,1,0,3,absent
|
||||
42,1,3,120,240,1,0,194,0,0.8,3,0,7,absent
|
||||
56,0,4,134,409,0,2,150,1,1.9,2,2,7,present
|
||||
41,1,4,110,172,0,2,158,0,0,1,0,7,present
|
||||
42,0,4,102,265,0,2,122,0,0.6,2,0,3,absent
|
||||
53,1,3,130,246,1,2,173,0,0,1,3,3,absent
|
||||
43,1,3,130,315,0,0,162,0,1.9,1,1,3,absent
|
||||
56,1,4,132,184,0,2,105,1,2.1,2,1,6,present
|
||||
52,1,4,108,233,1,0,147,0,0.1,1,3,7,absent
|
||||
62,0,4,140,394,0,2,157,0,1.2,2,0,3,absent
|
||||
70,1,3,160,269,0,0,112,1,2.9,2,1,7,present
|
||||
54,1,4,140,239,0,0,160,0,1.2,1,0,3,absent
|
||||
70,1,4,145,174,0,0,125,1,2.6,3,0,7,present
|
||||
54,1,2,108,309,0,0,156,0,0,1,0,7,absent
|
||||
35,1,4,126,282,0,2,156,1,0,1,0,7,present
|
||||
48,1,3,124,255,1,0,175,0,0,1,2,3,absent
|
||||
55,0,2,135,250,0,2,161,0,1.4,2,0,3,absent
|
||||
58,0,4,100,248,0,2,122,0,1,2,0,3,absent
|
||||
54,0,3,110,214,0,0,158,0,1.6,2,0,3,absent
|
||||
69,0,1,140,239,0,0,151,0,1.8,1,2,3,absent
|
||||
77,1,4,125,304,0,2,162,1,0,1,3,3,present
|
||||
68,1,3,118,277,0,0,151,0,1,1,1,7,absent
|
||||
58,1,4,125,300,0,2,171,0,0,1,2,7,present
|
||||
60,1,4,125,258,0,2,141,1,2.8,2,1,7,present
|
||||
51,1,4,140,299,0,0,173,1,1.6,1,0,7,present
|
||||
55,1,4,160,289,0,2,145,1,0.8,2,1,7,present
|
||||
52,1,1,152,298,1,0,178,0,1.2,2,0,7,absent
|
||||
60,0,3,102,318,0,0,160,0,0,1,1,3,absent
|
||||
58,1,3,105,240,0,2,154,1,0.6,2,0,7,absent
|
||||
64,1,3,125,309,0,0,131,1,1.8,2,0,7,present
|
||||
37,1,3,130,250,0,0,187,0,3.5,3,0,3,absent
|
||||
59,1,1,170,288,0,2,159,0,0.2,2,0,7,present
|
||||
51,1,3,125,245,1,2,166,0,2.4,2,0,3,absent
|
||||
43,0,3,122,213,0,0,165,0,0.2,2,0,3,absent
|
||||
58,1,4,128,216,0,2,131,1,2.2,2,3,7,present
|
||||
29,1,2,130,204,0,2,202,0,0,1,0,3,absent
|
||||
41,0,2,130,204,0,2,172,0,1.4,1,0,3,absent
|
||||
63,0,3,135,252,0,2,172,0,0,1,0,3,absent
|
||||
51,1,3,94,227,0,0,154,1,0,1,1,7,absent
|
||||
54,1,3,120,258,0,2,147,0,0.4,2,0,7,absent
|
||||
44,1,2,120,220,0,0,170,0,0,1,0,3,absent
|
||||
54,1,4,110,239,0,0,126,1,2.8,2,1,7,present
|
||||
65,1,4,135,254,0,2,127,0,2.8,2,1,7,present
|
||||
57,1,3,150,168,0,0,174,0,1.6,1,0,3,absent
|
||||
63,1,4,130,330,1,2,132,1,1.8,1,3,7,present
|
||||
35,0,4,138,183,0,0,182,0,1.4,1,0,3,absent
|
||||
41,1,2,135,203,0,0,132,0,0,2,0,6,absent
|
||||
62,0,3,130,263,0,0,97,0,1.2,2,1,7,present
|
||||
43,0,4,132,341,1,2,136,1,3,2,0,7,present
|
||||
58,0,1,150,283,1,2,162,0,1,1,0,3,absent
|
||||
52,1,1,118,186,0,2,190,0,0,2,0,6,absent
|
||||
61,0,4,145,307,0,2,146,1,1,2,0,7,present
|
||||
39,1,4,118,219,0,0,140,0,1.2,2,0,7,present
|
||||
45,1,4,115,260,0,2,185,0,0,1,0,3,absent
|
||||
52,1,4,128,255,0,0,161,1,0,1,1,7,present
|
||||
62,1,3,130,231,0,0,146,0,1.8,2,3,7,absent
|
||||
62,0,4,160,164,0,2,145,0,6.2,3,3,7,present
|
||||
53,0,4,138,234,0,2,160,0,0,1,0,3,absent
|
||||
43,1,4,120,177,0,2,120,1,2.5,2,0,7,present
|
||||
47,1,3,138,257,0,2,156,0,0,1,0,3,absent
|
||||
52,1,2,120,325,0,0,172,0,0.2,1,0,3,absent
|
||||
68,1,3,180,274,1,2,150,1,1.6,2,0,7,present
|
||||
39,1,3,140,321,0,2,182,0,0,1,0,3,absent
|
||||
53,0,4,130,264,0,2,143,0,0.4,2,0,3,absent
|
||||
62,0,4,140,268,0,2,160,0,3.6,3,2,3,present
|
||||
51,0,3,140,308,0,2,142,0,1.5,1,1,3,absent
|
||||
60,1,4,130,253,0,0,144,1,1.4,1,1,7,present
|
||||
65,1,4,110,248,0,2,158,0,0.6,1,2,6,present
|
||||
65,0,3,155,269,0,0,148,0,0.8,1,0,3,absent
|
||||
60,1,3,140,185,0,2,155,0,3,2,0,3,present
|
||||
60,1,4,145,282,0,2,142,1,2.8,2,2,7,present
|
||||
54,1,4,120,188,0,0,113,0,1.4,2,1,7,present
|
||||
44,1,2,130,219,0,2,188,0,0,1,0,3,absent
|
||||
44,1,4,112,290,0,2,153,0,0,1,1,3,present
|
||||
51,1,3,110,175,0,0,123,0,0.6,1,0,3,absent
|
||||
59,1,3,150,212,1,0,157,0,1.6,1,0,3,absent
|
||||
71,0,2,160,302,0,0,162,0,0.4,1,2,3,absent
|
||||
61,1,3,150,243,1,0,137,1,1,2,0,3,absent
|
||||
55,1,4,132,353,0,0,132,1,1.2,2,1,7,present
|
||||
64,1,3,140,335,0,0,158,0,0,1,0,3,present
|
||||
43,1,4,150,247,0,0,171,0,1.5,1,0,3,absent
|
||||
58,0,3,120,340,0,0,172,0,0,1,0,3,absent
|
||||
60,1,4,130,206,0,2,132,1,2.4,2,2,7,present
|
||||
58,1,2,120,284,0,2,160,0,1.8,2,0,3,present
|
||||
49,1,2,130,266,0,0,171,0,0.6,1,0,3,absent
|
||||
48,1,2,110,229,0,0,168,0,1,3,0,7,present
|
||||
52,1,3,172,199,1,0,162,0,0.5,1,0,7,absent
|
||||
44,1,2,120,263,0,0,173,0,0,1,0,7,absent
|
||||
56,0,2,140,294,0,2,153,0,1.3,2,0,3,absent
|
||||
57,1,4,140,192,0,0,148,0,0.4,2,0,6,absent
|
||||
67,1,4,160,286,0,2,108,1,1.5,2,3,3,present
|
458
datasets/ionosphere.arff
Executable file
458
datasets/ionosphere.arff
Executable file
@@ -0,0 +1,458 @@
|
||||
%1. Title: Johns Hopkins University Ionosphere database
|
||||
%
|
||||
%2. Source Information:
|
||||
% -- Donor: Vince Sigillito (vgs@aplcen.apl.jhu.edu)
|
||||
% -- Date: 1989
|
||||
% -- Source: Space Physics Group
|
||||
% Applied Physics Laboratory
|
||||
% Johns Hopkins University
|
||||
% Johns Hopkins Road
|
||||
% Laurel, MD 20723
|
||||
%
|
||||
%3. Past Usage:
|
||||
% -- Sigillito, V. G., Wing, S. P., Hutton, L. V., \& Baker, K. B. (1989).
|
||||
% Classification of radar returns from the ionosphere using neural
|
||||
% networks. Johns Hopkins APL Technical Digest, 10, 262-266.
|
||||
%
|
||||
% They investigated using backprop and the perceptron training algorithm
|
||||
% on this database. Using the first 200 instances for training, which
|
||||
% were carefully split almost 50% positive and 50% negative, they found
|
||||
% that a "linear" perceptron attained 90.7%, a "non-linear" perceptron
|
||||
% attained 92%, and backprop an average of over 96% accuracy on the
|
||||
% remaining 150 test instances, consisting of 123 "good" and only 24 "bad"
|
||||
% instances. (There was a counting error or some mistake somewhere; there
|
||||
% are a total of 351 rather than 350 instances in this domain.) Accuracy
|
||||
% on "good" instances was much higher than for "bad" instances. Backprop
|
||||
% was tested with several different numbers of hidden units (in [0,15])
|
||||
% and incremental results were also reported (corresponding to how well
|
||||
% the different variants of backprop did after a periodic number of
|
||||
% epochs).
|
||||
%
|
||||
% David Aha (aha@ics.uci.edu) briefly investigated this database.
|
||||
% He found that nearest neighbor attains an accuracy of 92.1%, that
|
||||
% Ross Quinlan's C4 algorithm attains 94.0% (no windowing), and that
|
||||
% IB3 (Aha \& Kibler, IJCAI-1989) attained 96.7% (parameter settings:
|
||||
% 70% and 80% for acceptance and dropping respectively).
|
||||
%
|
||||
%4. Relevant Information:
|
||||
% This radar data was collected by a system in Goose Bay, Labrador. This
|
||||
% system consists of a phased array of 16 high-frequency antennas with a
|
||||
% total transmitted power on the order of 6.4 kilowatts. See the paper
|
||||
% for more details. The targets were free electrons in the ionosphere.
|
||||
% "Good" radar returns are those showing evidence of some type of structure
|
||||
% in the ionosphere. "Bad" returns are those that do not; their signals pass
|
||||
% through the ionosphere.
|
||||
%
|
||||
% Received signals were processed using an autocorrelation function whose
|
||||
% arguments are the time of a pulse and the pulse number. There were 17
|
||||
% pulse numbers for the Goose Bay system. Instances in this databse are
|
||||
% described by 2 attributes per pulse number, corresponding to the complex
|
||||
% values returned by the function resulting from the complex electromagnetic
|
||||
% signal.
|
||||
%
|
||||
%5. Number of Instances: 351
|
||||
%
|
||||
%6. Number of Attributes: 34 plus the class attribute
|
||||
% -- All 34 predictor attributes are continuous
|
||||
%
|
||||
%7. Attribute Information:
|
||||
% -- All 34 are continuous, as described above
|
||||
% -- The 35th attribute is either "good" or "bad" according to the definition
|
||||
% summarized above. This is a binary classification task.
|
||||
%
|
||||
%8. Missing Values: None
|
||||
|
||||
@relation ionosphere
|
||||
|
||||
@attribute a01 real
|
||||
@attribute a02 real
|
||||
@attribute a03 real
|
||||
@attribute a04 real
|
||||
@attribute a05 real
|
||||
@attribute a06 real
|
||||
@attribute a07 real
|
||||
@attribute a08 real
|
||||
@attribute a09 real
|
||||
@attribute a10 real
|
||||
@attribute a11 real
|
||||
@attribute a12 real
|
||||
@attribute a13 real
|
||||
@attribute a14 real
|
||||
@attribute a15 real
|
||||
@attribute a16 real
|
||||
@attribute a17 real
|
||||
@attribute a18 real
|
||||
@attribute a19 real
|
||||
@attribute a20 real
|
||||
@attribute a21 real
|
||||
@attribute a22 real
|
||||
@attribute a23 real
|
||||
@attribute a24 real
|
||||
@attribute a25 real
|
||||
@attribute a26 real
|
||||
@attribute a27 real
|
||||
@attribute a28 real
|
||||
@attribute a29 real
|
||||
@attribute a30 real
|
||||
@attribute a31 real
|
||||
@attribute a32 real
|
||||
@attribute a33 real
|
||||
@attribute a34 real
|
||||
@attribute class {b, g}
|
||||
|
||||
@data
|
||||
|
||||
1,0,0.99539,-0.05889,0.85243,0.02306,0.83398,-0.37708,1,0.03760,0.85243,-0.17755,0.59755,-0.44945,0.60536,-0.38223,0.84356,-0.38542,0.58212,-0.32192,0.56971,-0.29674,0.36946,-0.47357,0.56811,-0.51171,0.41078,-0.46168,0.21266,-0.34090,0.42267,-0.54487,0.18641,-0.45300,g
|
||||
1,0,1,-0.18829,0.93035,-0.36156,-0.10868,-0.93597,1,-0.04549,0.50874,-0.67743,0.34432,-0.69707,-0.51685,-0.97515,0.05499,-0.62237,0.33109,-1,-0.13151,-0.45300,-0.18056,-0.35734,-0.20332,-0.26569,-0.20468,-0.18401,-0.19040,-0.11593,-0.16626,-0.06288,-0.13738,-0.02447,b
|
||||
1,0,1,-0.03365,1,0.00485,1,-0.12062,0.88965,0.01198,0.73082,0.05346,0.85443,0.00827,0.54591,0.00299,0.83775,-0.13644,0.75535,-0.08540,0.70887,-0.27502,0.43385,-0.12062,0.57528,-0.40220,0.58984,-0.22145,0.43100,-0.17365,0.60436,-0.24180,0.56045,-0.38238,g
|
||||
1,0,1,-0.45161,1,1,0.71216,-1,0,0,0,0,0,0,-1,0.14516,0.54094,-0.39330,-1,-0.54467,-0.69975,1,0,0,1,0.90695,0.51613,1,1,-0.20099,0.25682,1,-0.32382,1,b
|
||||
1,0,1,-0.02401,0.94140,0.06531,0.92106,-0.23255,0.77152,-0.16399,0.52798,-0.20275,0.56409,-0.00712,0.34395,-0.27457,0.52940,-0.21780,0.45107,-0.17813,0.05982,-0.35575,0.02309,-0.52879,0.03286,-0.65158,0.13290,-0.53206,0.02431,-0.62197,-0.05707,-0.59573,-0.04608,-0.65697,g
|
||||
1,0,0.02337,-0.00592,-0.09924,-0.11949,-0.00763,-0.11824,0.14706,0.06637,0.03786,-0.06302,0,0,-0.04572,-0.15540,-0.00343,-0.10196,-0.11575,-0.05414,0.01838,0.03669,0.01519,0.00888,0.03513,-0.01535,-0.03240,0.09223,-0.07859,0.00732,0,0,-0.00039,0.12011,b
|
||||
1,0,0.97588,-0.10602,0.94601,-0.20800,0.92806,-0.28350,0.85996,-0.27342,0.79766,-0.47929,0.78225,-0.50764,0.74628,-0.61436,0.57945,-0.68086,0.37852,-0.73641,0.36324,-0.76562,0.31898,-0.79753,0.22792,-0.81634,0.13659,-0.82510,0.04606,-0.82395,-0.04262,-0.81318,-0.13832,-0.80975,g
|
||||
0,0,0,0,0,0,1,-1,0,0,-1,-1,0,0,0,0,1,1,-1,-1,0,0,0,0,1,1,1,1,0,0,1,1,0,0,b
|
||||
1,0,0.96355,-0.07198,1,-0.14333,1,-0.21313,1,-0.36174,0.92570,-0.43569,0.94510,-0.40668,0.90392,-0.46381,0.98305,-0.35257,0.84537,-0.66020,0.75346,-0.60589,0.69637,-0.64225,0.85106,-0.65440,0.57577,-0.69712,0.25435,-0.63919,0.45114,-0.72779,0.38895,-0.73420,g
|
||||
1,0,-0.01864,-0.08459,0,0,0,0,0.11470,-0.26810,-0.45663,-0.38172,0,0,-0.33656,0.38602,-0.37133,0.15018,0.63728,0.22115,0,0,0,0,-0.14803,-0.01326,0.20645,-0.02294,0,0,0.16595,0.24086,-0.08208,0.38065,b
|
||||
1,0,1,0.06655,1,-0.18388,1,-0.27320,1,-0.43107,1,-0.41349,0.96232,-0.51874,0.90711,-0.59017,0.89230,-0.66474,0.69876,-0.70997,0.70645,-0.76320,0.63081,-0.80544,0.55867,-0.89128,0.47211,-0.86500,0.40303,-0.83675,0.30996,-0.89093,0.22995,-0.89158,g
|
||||
1,0,1,-0.54210,1,-1,1,-1,1,0.36217,1,-0.41119,1,1,1,-1,1,-0.29354,1,-0.93599,1,1,1,1,1,-0.40888,1,-0.62745,1,-1,1,-1,1,-1,b
|
||||
1,0,1,-0.16316,1,-0.10169,0.99999,-0.15197,1,-0.19277,0.94055,-0.35151,0.95735,-0.29785,0.93719,-0.34412,0.94486,-0.28106,0.90137,-0.43383,0.86043,-0.47308,0.82987,-0.51220,0.84080,-0.47137,0.76224,-0.58370,0.65723,-0.68794,0.68714,-0.64537,0.64727,-0.67226,g
|
||||
1,0,1,-0.86701,1,0.22280,0.85492,-0.39896,1,-0.12090,1,0.35147,1,0.07772,1,-0.14767,1,-1,1,-1,0.61831,0.15803,1,0.62349,1,-0.17012,1,0.35924,1,-0.66494,1,0.88428,1,-0.18826,b
|
||||
1,0,1,0.07380,1,0.03420,1,-0.05563,1,0.08764,1,0.19651,1,0.20328,1,0.12785,1,0.10561,1,0.27087,1,0.44758,1,0.41750,1,0.20033,1,0.36743,0.95603,0.48641,1,0.32492,1,0.46712,g
|
||||
1,0,0.50932,-0.93996,1,0.26708,-0.03520,-1,1,-1,0.43685,-1,0,0,-1,-0.34265,-0.37681,0.03623,1,-1,0,0,0,0,-0.16253,0.92236,0.39752,0.26501,0,0,1,0.23188,0,0,b
|
||||
1,0,0.99645,0.06468,1,-0.01236,0.97811,0.02498,0.96112,0.02312,0.99274,0.07808,0.89323,0.10346,0.94212,0.05269,0.88809,0.11120,0.86104,0.08631,0.81633,0.11830,0.83668,0.14442,0.81329,0.13412,0.79476,0.13638,0.79110,0.15379,0.77122,0.15930,0.70941,0.12015,g
|
||||
0,0,0,0,-1,-1,1,1,-1,1,-1,1,1,-1,1,1,-1,-1,-1,1,1,-1,-1,1,-1,1,1,-1,-1,1,-1,-1,1,-1,b
|
||||
1,0,0.67065,0.02528,0.66626,0.05031,0.57197,0.18761,0.08776,0.34081,0.63621,0.12131,0.62099,0.14285,0.78637,0.10976,0.58373,0.18151,0.14395,0.41224,0.53888,0.21326,0.51420,0.22625,0.48838,0.23724,0.46167,0.24618,0.43433,0.25306,0.40663,0.25792,1,0.33036,g
|
||||
0,0,1,-1,0,0,0,0,1,1,1,-1,-0.71875,1,0,0,-1,1,1,1,-1,1,1,0.56250,-1,1,1,1,1,-1,1,1,1,1,b
|
||||
1,0,1,-0.00612,1,-0.09834,1,-0.07649,1,-0.10605,1,-0.11073,1,-0.39489,1,-0.15616,0.92124,-0.31884,0.86473,-0.34534,0.91693,-0.44072,0.96060,-0.46866,0.81874,-0.40372,0.82681,-0.42231,0.75784,-0.38231,0.80448,-0.40575,0.74354,-0.45039,g
|
||||
0,0,1,1,0,0,0,0,-1,-1,0,0,0,0,-1,-1,-1,-1,-1,1,-1,1,0,0,0,0,1,-1,-1,1,-1,1,-1,1,b
|
||||
1,0,0.96071,0.07088,1,0.04296,1,0.09313,0.90169,-0.05144,0.89263,0.02580,0.83250,-0.06142,0.87534,0.09831,0.76544,0.00280,0.75206,-0.05295,0.65961,-0.07905,0.64158,-0.05929,0.55677,-0.07705,0.58051,-0.02205,0.49664,-0.01251,0.51310,-0.00015,0.52099,-0.00182,g
|
||||
0,0,-1,1,0,0,0,0,-1,1,1,1,0,0,0,0,1,-1,-1,1,1,1,0,0,-1,-1,1,-1,1,1,-1,1,0,0,b
|
||||
1,0,1,-0.06182,1,0.02942,1,-0.05131,1,-0.01707,1,-0.11726,0.84493,-0.05202,0.93392,-0.06598,0.69170,-0.07379,0.65731,-0.20367,0.94910,-0.31558,0.80852,-0.31654,0.84932,-0.34838,0.72529,-0.29174,0.73094,-0.38576,0.54356,-0.26284,0.64207,-0.39487,g
|
||||
1,0,1,0.57820,1,-1,1,-1,1,-1,1,-1,1,-1,1,-1,1,-1,1,-1,1,-0.62796,1,-1,1,-1,1,-1,1,-1,1,-1,1,-1,b
|
||||
1,0,1,-0.08714,1,-0.17263,0.86635,-0.81779,0.94817,0.61053,0.95473,-0.41382,0.88486,-0.31736,0.87937,-0.23433,0.81051,-0.62180,0.12245,-1,0.90284,0.11053,0.62357,-0.78547,0.55389,-0.82868,0.48136,-0.86583,0.40650,-0.89674,0.32984,-0.92128,-0.13341,-1,g
|
||||
0,0,-1,-1,0,0,-1,1,1,-0.37500,0,0,0,0,0,0,1,-1,-1,-1,1,-1,0,0,1,-1,-1,1,-1,-1,0,0,-1,1,b
|
||||
1,0,1,0.08380,1,0.17387,1,-0.13308,0.98172,0.64520,1,0.47904,1,0.59113,1,0.70758,1,0.82777,1,0.95099,1,1,0.98042,1,0.91624,1,0.83899,1,0.74822,1,0.64358,1,0.52479,1,g
|
||||
0,0,-1,-1,1,1,1,-1,-1,1,1,-1,-1,-1,0,0,1,1,-1,-1,1,-1,1,-1,1,1,1,-1,1,-1,-1,1,1,-1,b
|
||||
1,0,1,-0.14236,1,-0.16256,1,-0.23656,1,-0.07514,1,-0.25010,1,-0.26161,1,-0.21975,1,-0.38606,1,-0.46162,1,-0.35519,1,-0.59661,1,-0.47643,0.98820,-0.49687,1,-0.75820,1,-0.75761,1,-0.84437,g
|
||||
1,0,1,-1,1,1,1,-1,1,-1,1,-1,1,-0.01840,1,-1,1,1,1,-0.85583,1,1,1,-1,0,0,1,1,1,-0.79141,1,1,1,1,b
|
||||
1,0,0.88208,-0.14639,0.93408,-0.11057,0.92100,-0.16450,0.88307,-0.17036,0.88462,-0.31809,0.85269,-0.31463,0.82116,-0.35924,0.80681,-0.33632,0.75243,-0.47022,0.70555,-0.47153,0.66150,-0.50085,0.61297,-0.48086,0.56804,-0.54629,0.50179,-0.59854,0.47075,-0.57377,0.42189,-0.58086,g
|
||||
1,0,0.71253,-0.02595,0.41287,-0.23067,0.98019,-0.09473,0.99709,-0.10236,1,-0.10951,0.58965,1,0.83726,-1,0.82270,-0.17863,0.80760,-0.28257,-0.25914,0.92730,0.51933,0.05456,0.65493,-0.20392,0.93124,-0.41307,0.63811,-0.21901,0.86136,-0.87354,-0.23186,-1,b
|
||||
1,0,1,-0.15899,0.72314,0.27686,0.83443,-0.58388,1,-0.28207,1,-0.49863,0.79962,-0.12527,0.76837,0.14638,1,0.39337,1,0.26590,0.96354,-0.01891,0.92599,-0.91338,1,0.14803,1,-0.11582,1,-0.11129,1,0.53372,1,-0.57758,g
|
||||
1,0,0.66161,-1,1,1,1,-0.67321,0.80893,-0.40446,1,-1,1,-0.89375,1,0.73393,0.17589,0.70982,1,0.78036,1,0.85268,1,-1,1,0.85357,1,-0.08571,0.95982,-0.36250,1,0.65268,1,0.34732,b
|
||||
1,0,1,0.00433,1,-0.01209,1,-0.02960,1,-0.07014,0.97839,-0.06256,1,-0.06544,0.97261,-0.07917,0.92561,-0.13665,0.94184,-0.14327,0.99589,-0.14248,0.94815,-0.13565,0.89469,-0.20851,0.89067,-0.17909,0.85644,-0.18552,0.83777,-0.20101,0.83867,-0.20766,g
|
||||
0,0,1,1,1,-1,0,0,0,0,-1,-1,0,0,0,0,-1,1,1,1,-1,1,-1,1,1,-1,1,1,-1,1,1,1,0,0,b
|
||||
1,0,0.91241,0.04347,0.94191,0.02280,0.94705,0.05345,0.93582,0.01321,0.91911,0.06348,0.92766,0.12067,0.92048,0.06211,0.88899,0.12722,0.83744,0.14439,0.80983,0.11849,0.77041,0.14222,0.75755,0.11299,0.73550,0.13282,0.66387,0.15300,0.70925,0.10754,0.65258,0.11447,g
|
||||
1,0,1,0.02461,0.99672,0.04861,0.97545,0.07143,0.61745,-1,0.91036,0.11147,0.88462,0.53640,0.82077,0.14137,0.76929,0.15189,1,0.41003,0.65850,0.16371,0.60138,0.16516,0.54446,0.16390,0.48867,0.16019,0.43481,0.15436,0.38352,0.14677,1,1,b
|
||||
1,0,1,0.06538,1,0.20746,1,0.26281,0.93051,0.32213,0.86773,0.39039,0.75474,0.50082,0.79555,0.52321,0.65954,0.60756,0.57619,0.62999,0.47807,0.67135,0.40553,0.68840,0.34384,0.72082,0.27712,0.72386,0.19296,0.70682,0.11372,0.72688,0.06990,0.71444,g
|
||||
1,0,-1,-1,1,1,1,-0.14375,0,0,-1,1,1,1,0.17917,-1,-1,-1,0.08750,-1,1,-1,-1,1,-1,-1,1,-1,-1,-1,1,1,0,0,b
|
||||
1,0,0.90932,0.08791,0.86528,0.16888,1,0.16598,0.55187,0.68154,0.70207,0.36719,0.16286,0.42739,0.57620,0.46086,0.51067,0.49618,0.31639,0.12967,0.37824,0.54462,0.31274,0.55826,0.24856,0.56527,0.18626,0.56605,0.12635,0.56101,0.06927,0.55061,0.12137,0.67739,g
|
||||
1,0,-0.64286,-1,1,0.82857,1,-1,1,-0.23393,1,0.96161,1,-0.37679,1,-1,1,0.13839,1,-1,1,-0.03393,-0.84286,1,0.53750,0.85714,1,1,1,-1,1,-1,1,-1,b
|
||||
1,0,0.99025,-0.05785,0.99793,-0.13009,0.98663,-0.19430,0.99374,-0.25843,0.92738,-0.30130,0.92651,-0.37965,0.89812,-0.43796,0.84922,-0.52064,0.87433,-0.57075,0.79016,-0.59839,0.74725,-0.64615,0.68282,-0.68479,0.65247,-0.73174,0.61010,-0.75353,0.54752,-0.80278,0.49195,-0.83245,g
|
||||
0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,-0.37500,-1,-1,-1,0,0,0,0,-1,-1,-1,-1,-1,1,1,0,0,0,b
|
||||
1,0,1,-0.03730,1,-0.07383,0.99601,-0.11039,0.99838,-0.09931,0.98941,-0.13814,0.96674,-0.21695,0.95288,-0.25099,0.91236,-0.34400,0.90581,-0.32152,0.89991,-0.34691,0.87874,-0.37643,0.86213,-0.42990,0.83172,-0.43122,0.81433,-0.42593,0.77919,-0.47977,0.75115,-0.50152,g
|
||||
1,0,0.94598,-0.02685,-1,0.26131,-0.36393,0.35639,0.69258,-0.63427,1,-0.03353,-0.29020,-0.00550,-0.54852,0.15452,0.91921,-0.46270,1,-0.50424,-0.29735,-0.31454,-0.73864,0.37361,0.83872,-0.46734,0.52208,-0.58130,1,-0.61393,-0.09634,0.20477,-0.06117,0.41913,b
|
||||
1,0,0.98166,0.00874,0.98103,-0.03818,0.97565,-0.05699,0.95947,-0.06971,0.99004,-0.04507,0.94713,-0.11102,0.93369,-0.12790,0.94217,-0.11583,0.79682,-0.19200,0.88274,-0.17387,0.86257,-0.18739,0.88487,-0.19689,0.81813,-0.21136,0.78546,-0.23864,0.76911,-0.23095,0.74323,-0.23902,g
|
||||
1,0,0,0,1,0.51724,0,0,0.10991,-1,0,0,0,0,-1,-0.22414,-0.55711,-0.83297,0.76940,0.63147,0,0,0.53448,0.35668,-0.90302,0.44828,1,-1,-1,0.81573,0,0,0,0,b
|
||||
1,0,0.84134,-0.18362,0.43644,0.02919,0.93421,-0.00267,0.87947,0.13795,0.81121,-0.01789,0.88559,0.54991,0.91714,-0.57486,0.75000,-0.29520,0.86676,-0.20104,1,1,0.46610,-0.16290,0.90066,-0.02778,0.93358,-0.01158,0.61582,-0.32298,0.84463,-0.25706,0.93323,-0.01425,g
|
||||
0,0,1,1,1,-1,0,0,0,0,1,1,1,1,-1,-1,1,-1,-1,1,0,0,1,-1,1,-1,1,1,-1,-1,0,0,0,0,b
|
||||
1,0,1,1,1,1,0.91010,1,-0.26970,1,-0.83152,1,-1,1,-1,0.72526,-1,-0.57779,-1,-0.42052,-1,-1,-0.52838,-1,0.90014,-1,1,-1,1,-1,1,-0.34686,1,0.34845,g
|
||||
1,0,-0.67935,-1,-1,1,1,0.63317,0.03515,-1,-1,-1,1,1,0.88683,-1,-1,1,0.83840,1,1,-1,-1,-1,-0.18856,1,1,-1,-1,-1,-1,1,1,0.33611,b
|
||||
1,0,0.95659,0.08143,0.97487,-0.05667,0.97165,-0.08484,0.96097,-0.06561,0.94717,0.01279,0.95436,-0.16795,0.94612,-0.19497,0.99630,-0.32268,0.90343,-0.35902,0.91428,-0.27316,0.90140,-0.29807,0.99899,-0.40747,0.87244,-0.34586,0.92059,-0.30619,0.83951,-0.39061,0.82166,-0.41173,g
|
||||
1,0,0.08333,-0.20685,-1,1,-1,1,0.71875,0.47173,-0.82143,-0.62723,-1,-1,-1,1,-0.02753,0.59152,-0.42113,-0.42113,-0.74628,-1,-1,-0.46801,-1,0.23810,1,-1,-1,-0.38914,-1,-1,-1,0.61458,b
|
||||
1,0,1,-0.02259,1,-0.04494,1,-0.06682,1,-0.08799,1,0.56173,1,-0.12738,1,-0.14522,1,0.32407,1,-0.17639,0.99484,-0.18949,0.95601,-0.20081,1,-0.92284,0.87280,-0.21793,0.82920,-0.22370,0.78479,-0.22765,0.73992,-0.22981,g
|
||||
0,0,-1,1,1,-1,-1,1,0,0,1,1,-1,-0.18750,1,1,-1,-1,1,-1,-1,-1,1,1,1,-1,1,1,1,1,0,0,-1,-1,b
|
||||
1,0,1,0.05812,0.94525,0.07418,0.99952,0.13231,1,-0.01911,0.94846,0.07033,0.95713,0.14644,0.94862,0.11224,0.90896,0.20119,0.96741,0.16265,0.99695,0.14258,0.90784,0.16410,0.91667,0.22431,0.88423,0.23571,0.88568,0.22511,0.78324,0.29576,0.83574,0.31166,g
|
||||
1,0,0.17188,-1,-1,1,0,0,0,0,-1,1,0,0,-0.61354,-0.67708,0.80521,0.36146,0.51979,0.14375,0,0,-1,-0.27083,-0.84792,0.96250,1,1,-1,0.67708,0,0,0,0,b
|
||||
1,0,1,0.09771,1,0.12197,1,0.22574,0.98602,0.09237,0.94930,0.19211,0.92992,0.24288,0.89241,0.28343,0.85529,0.26721,0.83656,0.33129,0.83393,0.31698,0.74829,0.39597,0.76193,0.34658,0.68452,0.42746,0.62764,0.46031,0.56791,0.47033,0.54252,0.50903,g
|
||||
1,0,0.01667,-0.35625,0,0,0,0,0,0,0,0,0,0,0.12292,-0.55000,0.22813,0.82813,1,-0.42292,0,0,0.08333,-1,-0.10625,-0.16667,1,-0.76667,-1,0.18854,0,0,1,-0.27292,b
|
||||
1,0,1,0.16801,0.99352,0.16334,0.94616,0.33347,0.91759,0.22610,0.91408,0.37107,0.84250,0.46899,0.81011,0.49225,0.78473,0.48311,0.65091,0.56977,0.56553,0.58071,0.55586,0.64720,0.48311,0.55236,0.43317,0.69129,0.35684,0.76147,0.33921,0.66844,0.22101,0.78685,g
|
||||
1,0,0.63816,1,0.20833,-1,1,1,0.87719,0.30921,-0.66886,1,-0.05921,0.58772,0.01754,0.05044,-0.51535,-1,0.14254,-0.03289,0.32675,-0.43860,-1,1,0.80921,-1,1,-0.06140,1,1,0.20614,-1,1,1,b
|
||||
1,0,1,-0.41457,1,0.76131,0.87060,0.18593,1,-0.09925,0.93844,0.47990,0.65452,-0.16080,1,0.00879,0.97613,-0.50126,0.80025,-0.24497,0.88065,-0.19095,1,-0.12312,0.93593,0.10678,0.92890,-0.07249,1,-0.27387,0.43970,0.19849,0.51382,-0.05402,g
|
||||
1,0,0.84783,0.10598,1,0.39130,1,-1,0.66938,0.08424,1,0.27038,1,0.60598,1,0.35507,1,0.02672,0.58424,-0.43025,1,0.63496,0.89130,0.26585,0.91033,-0.33333,1,0.15942,0.37681,-0.01947,1,0.22464,1,0.37409,b
|
||||
1,0,1,0.28046,1,0.02477,1,0.07764,1,0.04317,0.98762,0.33266,1,0.05489,1,0.04384,0.95750,-0.24598,0.84371,-0.08668,1,0.04150,0.99933,0.27376,1,-0.39056,0.96414,-0.02174,0.86747,0.23360,0.94578,-0.22021,0.80355,-0.07329,g
|
||||
0,0,1,-1,1,-1,1,-1,1,-1,1,1,1,1,1,-1,1,1,1,1,1,1,1,-1,1,-1,1,-1,1,0.65625,0,0,1,-1,b
|
||||
1,0,1,0.67784,0.81309,0.82021,0.43019,1,0.20619,0.80541,-0.43872,1,-0.79135,0.77092,-1,0.40268,-0.39046,-0.58634,-0.97907,-0.42822,-0.73083,-0.76339,-0.37671,-0.97491,0.41366,-1,0.41778,-0.93296,0.25773,-1,0.93570,-0.35222,0.98816,0.03446,g
|
||||
1,0,1,1,1,-1,1,-1,1,1,1,1,1,1,1,-1,1,1,1,1,1,1,1,1,1,1,1,0.5,0,0,1,-1,1,-1,b
|
||||
1,0,1,0.03529,1,0.18281,1,0.26968,1,0.25068,1,0.28778,1,0.38643,1,0.31674,1,0.65701,1,0.53846,1,0.61267,1,0.59457,0.89593,0.68326,0.89502,0.71374,0.85611,0.67149,0.74389,0.85611,0.71493,0.75837,g
|
||||
0,0,1,-1,1,1,-1,-1,1,-1,0,0,0,0,-1,1,1,-1,1,-1,-0.75000,1,1,-1,1,-1,1,-1,-1,-1,0,0,1,-1,b
|
||||
1,0,0.96087,0.08620,0.96760,0.19279,0.96026,0.27451,0.98044,0.35052,0.92867,0.46281,0.86265,0.52517,0.82820,0.58794,0.73242,0.69065,0.69003,0.73140,0.54473,0.68820,0.48339,0.76197,0.40615,0.74689,0.33401,0.83796,0.24944,0.86061,0.13756,0.86835,0.09048,0.86285,g
|
||||
1,0,0.69444,0.38889,0,0,-0.32937,0.69841,0,0,0,0,0,0,0.20635,-0.24206,0.21032,0.19444,0.46429,0.78175,0,0,0,0,0.73413,0.27381,0.76190,0.63492,0,0,0,0,0,0,b
|
||||
1,0,1,0.05070,1,0.10827,1,0.19498,1,0.28453,1,0.34826,1,0.38261,0.94575,0.42881,0.89126,0.50391,0.75906,0.58801,0.80644,0.59962,0.79578,0.62758,0.66643,0.63942,0.59417,0.69435,0.49538,0.72684,0.47027,0.71689,0.33381,0.75243,g
|
||||
0,0,1,1,0,0,1,-1,1,-1,1,1,1,1,1,-1,1,1,1,1,1,-1,-1,-1,1,-1,1,-1,1,1,0,0,1,-1,b
|
||||
1,0,1,0.04078,1,0.11982,1,0.16159,1,0.27921,0.98703,0.30889,0.92745,0.37639,0.91118,0.39749,0.81939,0.46059,0.78619,0.46994,0.79400,0.56282,0.70331,0.58129,0.67077,0.59723,0.58903,0.60990,0.53952,0.60932,0.45312,0.63636,0.40442,0.62658,g
|
||||
0,0,1,1,1,-1,1,1,1,1,1,1,1,1,1,1,1,-1,-1,1,-1,1,-1,1,1,-1,1,1,-1,1,-1,-1,-1,1,b
|
||||
1,0,1,0.24168,1,0.48590,1,0.72973,1,1,1,1,1,1,1,0.77128,1,1,1,1,0.74468,1,0.89647,1,0.64628,1,0.38255,1,0.10819,1,-0.17370,1,-0.81383,1,g
|
||||
0,0,1,1,1,-1,1,1,-1,1,0,0,1,1,0,0,0,0,-1,1,-1,1,1,1,1,-1,1,1,1,1,1,-1,-1,1,b
|
||||
1,0,1,-0.06604,1,0.62937,1,0.09557,1,0.20280,1,-1,1,-0.40559,1,-0.15851,1,0.04895,1,-0.61538,1,-0.26573,1,-1,1,-0.58042,1,-0.81372,1,-1,1,-0.78555,1,-0.48252,g
|
||||
0,0,1,-1,1,1,1,1,1,1,1,1,1,-1,1,-1,1,1,1,-1,1,1,1,1,1,-1,1,1,1,-1,1,1,1,-1,b
|
||||
1,0,0.92277,0.07804,0.92679,0.16251,0.89702,0.24618,0.84111,0.35197,0.78801,0.42196,0.70716,0.46983,0.70796,0.56476,0.60459,0.64200,0.51247,0.64924,0.39903,0.66975,0.34232,0.68343,0.23693,0.76146,0.18765,0.73885,0.09694,0.71038,0.02735,0.77072,-0.04023,0.69509,g
|
||||
1,0,0.68198,-0.17314,0.82332,0.21908,0.46643,0.32862,0.25795,0.58304,1,-0.15194,0.01060,0.44523,0.01060,0.38869,0.18681,0.41168,0.10567,0.36353,0.04325,0.30745,-0.00083,0.24936,-0.02862,0.19405,-0.04314,0.14481,-0.04779,0.10349,-0.04585,0.07064,-0.04013,0.04586,b
|
||||
1,0,0.74852,-0.02811,0.65680,-0.05178,0.80621,0.02811,0.85947,0.02515,0.63462,0.08728,0.71598,0.07840,0.73077,0.05178,0.78550,-0.27811,0.65976,-0.01479,0.78698,0.06953,0.34615,-0.18639,0.65385,0.02811,0.61009,-0.06637,0.53550,-0.21154,0.59024,-0.14053,0.56361,0.02959,g
|
||||
1,0,0.39179,-0.06343,0.97464,0.04328,1,1,0.35821,0.15299,0.54478,0.13060,0.61567,-0.82090,0.57836,0.67910,0.66791,-0.10448,0.46642,-0.11567,0.65574,0.14792,0.83209,0.45522,0.47015,0.16418,0.49309,0.14630,0.32463,-0.02612,0.39118,0.13521,0.34411,0.12755,b
|
||||
1,0,0.67547,0.04528,0.76981,-0.10566,0.77358,0.03774,0.66038,-0.04528,0.64528,0.01132,0.66792,-0.13962,0.72075,-0.02264,0.76981,0.08679,0.61887,-0.07925,0.75849,-0.23774,0.73962,-0.14717,0.84906,-0.15094,0.73886,-0.05801,0.66792,0.02264,0.86415,0.03774,0.73208,0.00755,g
|
||||
1,0,0.72727,-0.05000,0.89241,0.03462,1,0.72727,0.66364,-0.05909,0.48182,-0.16818,0.81809,0.09559,0.56818,1,0.50455,0.21818,0.66818,0.10000,1,-0.30000,0.98636,-1,0.57273,0.32727,0.56982,0.14673,0.42273,0.08182,0.48927,0.14643,1,1,b
|
||||
1,0,0.57647,-0.01569,0.40392,0,0.38431,0.12941,0.40000,-0.05882,0.56471,0.14118,0.46667,0.08235,0.52549,-0.05490,0.58039,0.01569,0.50196,0,0.45882,0.06667,0.58039,0.08235,0.49804,0.00392,0.48601,0.10039,0.46275,0.08235,0.45098,0.23529,0.43137,0.17255,g
|
||||
1,0,0.41932,0.12482,0.35000,0.12500,0.23182,0.27955,-0.03636,0.44318,0.04517,0.36194,-0.19091,0.33636,-0.13350,0.27322,0.02727,0.40455,-0.34773,0.12727,-0.20028,0.05078,-0.18636,0.36364,-0.14003,-0.04802,-0.09971,-0.07114,-1,-1,-0.02916,-0.07464,-0.00526,-0.06314,b
|
||||
1,0,0.88305,-0.21996,1,0.36373,0.82403,0.19206,0.85086,0.05901,0.90558,-0.04292,0.85193,0.25000,0.77897,0.25322,0.69206,0.57940,0.71030,0.39056,0.73176,0.27575,1,0.34871,0.56760,0.52039,0.69811,0.53235,0.80901,0.58584,0.43026,0.70923,0.52361,0.54185,g
|
||||
1,0,0.84557,-0.08580,-0.31745,-0.80553,-0.08961,-0.56435,0.80648,0.04576,0.89514,-0.00763,-0.18494,0.63966,-0.20019,-0.68065,0.85701,-0.11344,0.77979,-0.15729,-0.06959,0.50810,-0.34128,0.80934,0.78932,-0.03718,0.70882,-0.25288,0.77884,-0.14109,-0.21354,-0.78170,-0.18494,-0.59867,b
|
||||
1,0,0.70870,-0.24783,0.64348,0.04348,0.45217,0.38261,0.65217,0.18261,0.5,0.26957,0.57826,-0.23043,0.50435,0.37826,0.38696,-0.42609,0.36087,-0.26087,0.26957,0.11739,0.53246,-0.03845,0.31304,-0.12174,0.49930,-0.04264,0.48348,-0.04448,0.64348,-0.25217,0.50435,0.14783,g
|
||||
1,0,-0.54180,0.14861,-0.33746,0.73375,0.52012,-0.13932,0.31889,-0.06811,0.20743,-0.15170,0.47368,0.08978,0.56347,-0.15480,0.16409,0.45201,0.33746,0.03406,0.50464,0.07121,-0.63777,-0.61610,1,0.65635,0.41348,-0.40116,-0.15170,0.11146,0.02399,0.55820,0.52632,-0.08978,b
|
||||
1,0,0.29202,0.13582,0.45331,0.16808,0.51783,-0.00509,0.52632,0.20883,0.52462,-0.16638,0.47368,-0.04754,0.55518,0.03905,0.81664,-0.22411,0.42445,-0.04244,0.34975,0.06621,0.28183,-0.20883,0.51731,-0.03176,0.50369,-0.03351,0.34635,0.09847,0.70798,-0.01868,0.39559,-0.03226,g
|
||||
1,0,0.79157,0.16851,0,0,0.56541,0.06874,0.39468,1,0.38359,0.99557,-0.02439,0.53215,0.23725,0.12860,-0.02661,0.95122,-0.50998,0.84922,-0.10200,0.38803,-0.42572,0.23725,-0.91574,0.80710,-0.34146,0.88248,-1,0.69401,-1,0.12860,0,0,b
|
||||
1,0,0.90116,0.16607,0.79299,0.37379,0.72990,0.50515,0.59784,0.72997,0.44303,0.81152,0.24412,0.87493,0.06438,0.85038,-0.12611,0.87396,-0.28739,0.79617,-0.46635,0.65924,-0.57135,0.53805,-0.68159,0.39951,-0.71844,0.25835,-0.72369,0.11218,-0.71475,-0.05525,-0.67699,-0.19904,g
|
||||
1,0,0.97714,0.19049,0.82683,0.46259,0.71771,0.58732,0.47968,0.84278,0.31409,0.92643,0.10289,0.93945,-0.13254,0.84290,-0.32020,0.91624,-0.52145,0.79525,-0.68274,0.49508,-0.77408,0.33537,-0.85376,0.17849,-0.83314,-0.01358,-0.82366,-0.19321,-0.67289,-0.33662,-0.59943,-0.49700,g
|
||||
1,0,-1,-1,0,0,0.50814,-0.78502,0.60586,0.32899,-1,-0.41368,0,0,0,0,1,-0.26710,0.36482,-0.63518,0.97068,-1,-1,-1,1,-0.59609,-1,-1,-1,-1,1,-1,0,0,b
|
||||
1,0,0.74084,0.04974,0.79074,0.02543,0.78575,0.03793,0.66230,0.09948,0.67801,0.31152,0.75934,0.07348,0.74695,0.08442,0.70681,-0.07853,0.63613,0,0.70021,0.11355,0.68183,0.12185,0.67016,0.15445,0.64158,0.13608,0.65707,0.17539,0.59759,0.14697,0.57455,0.15114,g
|
||||
1,0,1,-1,0,0,0.77941,-0.99265,0.80882,0.55147,-0.41912,-0.94853,0,0,0,0,0.72059,-0.77206,0.73529,-0.60294,0,0,0.18382,-1,-1,-1,-1,-1,1,-1,1,-1,0,0,b
|
||||
1,0,1,0.01709,0.96215,-0.03142,1,-0.03436,1,-0.05071,0.99026,-0.07092,0.99173,-0.09002,1,-0.15727,1,-0.14257,0.98310,-0.11813,1,-0.18519,1,-0.19272,0.98971,-0.22083,0.96490,-0.20243,0.94599,-0.17123,0.96436,-0.22561,0.87011,-0.23296,g
|
||||
0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,-1,0,0,0,0,0,0,b
|
||||
1,0,0.95704,-0.12095,0.63318,-0.12690,0.96365,-0.18242,0.97026,0.08460,0.92003,-0.01124,0.83543,-0.24719,1,-0.31395,0.99273,-0.21216,0.98678,-0.21018,1,-0.27165,0.93126,-0.39458,1,-0.19233,0.88793,-0.31565,0.81428,-0.23728,0.89095,-0.31857,0.69531,-0.41573,g
|
||||
1,0,0.28409,-0.31818,0,0,0.68182,-1,0.30682,0.95833,0.64394,0.06439,0.34848,-0.84848,0,0,0.59091,-0.35985,0.45076,-0.80682,0,0,0,0,0.24242,0.17803,1,-0.23864,0.06061,-0.48485,0.16288,-0.70076,0,0,b
|
||||
1,0,0.94490,-0.49311,1,-0.03692,0.98898,-0.87052,0.90083,0.66942,1,-0.10104,1,-0.12493,1,-0.15017,1,-0.17681,1,-0.20491,1,-0.23452,1,-0.26571,1,-0.29852,1,-0.33304,1,-0.36931,1,-0.40740,1,-0.44739,g
|
||||
1,0,0,0,0,0,0,0,0,0,0.62195,1,0,0,0,0,0.36585,-0.71951,0.56098,-1,0,0,0,0,0,0,1,0.10976,0,0,0,0,0,0,b
|
||||
1,0,0.99449,0.00526,0.84082,-0.11313,0.88237,-0.16431,0.99061,-0.06257,0.96484,-0.07496,0.85221,0.02966,0.87161,-0.20848,0.93881,-0.12977,0.98298,-0.08935,0.89876,0.00075,0.87836,-0.05882,0.93368,-0.19872,0.87579,-0.17806,0.94294,-0.16581,0.80253,-0.25741,0.76586,-0.27794,g
|
||||
1,0,0.10135,0.10811,0,0,0,0,0.54730,0.82432,0.31081,1,0,0,0,0,0.37162,-1,0.33108,-1,0,0,0,0,-0.42568,-1,1,-1,0.55405,-0.23649,0,0,0,0,b
|
||||
1,0,1,-0.57224,0.99150,-0.73371,0.89518,-0.97450,1,-0.35818,1,-0.23229,0.62890,-0.86402,1,-0.57535,1,-0.79603,0.76771,-0.88952,0.96601,-1,0.70120,-0.74896,0.61946,-0.76904,0.53777,-0.77986,0.81020,-1,1,-1,0.30445,-0.76112,g
|
||||
1,0,0.65909,-0.62879,0,0,0,0,0.77273,1,1,-0.28030,0,0,0,0,0.62121,-0.22727,0.84091,-1,1,-1,0,0,0,0,1,-0.93939,-0.12879,-0.93182,0,0,0,0,b
|
||||
1,0,0.86284,0.19310,0.80920,0.41149,0.67203,0.55785,0.54559,0.69962,0.36705,0.81533,0.19617,0.85671,-0.04061,0.86284,-0.17241,0.75785,-0.34100,0.65747,-0.48199,0.56092,-0.60230,0.40996,-0.59234,0.25747,-0.63038,0.08818,-0.57241,-0.07816,-0.54866,-0.19923,-0.42912,-0.31954,g
|
||||
1,0,0.42000,-0.61000,0,0,1,-1,0.90000,1,0.43000,0.64000,0,0,0,0,0.67000,-0.29000,0.84000,-1,0,0,0,0,0.21000,0.68000,1,0.22000,0,0,0,0,0,0,b
|
||||
1,0,1,0.23395,0.91404,0.52013,0.78020,0.72144,0.47660,0.84222,0.27639,0.91730,0.09467,0.88248,-0.21980,0.91404,-0.34168,0.75517,-0.51360,0.64527,-0.64527,0.44614,-0.74102,0.29162,-0.70838,0.03591,-0.71731,-0.11943,-0.64962,-0.28183,-0.51251,-0.44505,-0.37432,-0.53319,g
|
||||
1,0,0.91353,0.81586,-0.72973,1,-0.39466,0.55735,0.05405,0.29730,-0.18599,-0.10241,-0.03158,-0.08970,0.01401,-0.03403,0.01108,-0.00537,0.00342,0.00097,0.00048,0.00075,-0.00003,0.00019,-0.00003,0.00002,-0.00001,0,0,0,0,0,0,0,b
|
||||
1,0,0.21429,-0.09524,0.33333,0.07143,0.19048,0.19048,0.23810,0.09524,0.40476,0.02381,0.30952,-0.04762,0.30952,-0.04762,0.28571,-0.11905,0.33333,0.04762,0.30952,0,0.21429,-0.11905,0.35714,-0.04762,0.22109,-0.02290,0.19048,0,0.16997,-0.02034,0.14694,-0.01877,g
|
||||
1,0,1,-0.14754,1,0.04918,0.57377,-0.01639,0.65574,0.01639,0.85246,-0.03279,0.72131,0,0.68852,-0.16393,0.19672,-0.14754,0.65558,-0.17176,0.67213,0.03279,1,-0.29508,0.31148,-0.34426,0.52385,-0.20325,0.32787,-0.03279,0.27869,-0.44262,0.49180,-0.06557,b
|
||||
1,0,0.98182,0,0.88627,0.03131,0.86249,0.04572,0.80000,0,0.69091,0.04545,0.79343,0.08436,0.77118,0.09579,0.62727,0.25455,0.68182,0.12727,0.70674,0.12608,0.68604,0.13493,0.74545,0.22727,0.64581,0.15088,0.67273,0.02727,0.60715,0.16465,0.58840,0.17077,g
|
||||
1,0,0.39286,0.52381,-0.78824,0.11342,-0.16628,-0.76378,0.66667,0.01190,0.82143,0.40476,-0.67230,0.30729,-0.34797,-0.63668,0.46429,0.15476,0.54762,0.05952,-0.51830,0.44961,-0.47651,-0.47594,0.32143,0.70238,0.51971,0.38848,0.57143,0.39286,-0.54891,-0.29915,0.25441,-0.55837,b
|
||||
1,0,0.86889,-0.07111,1,-0.02494,1,-0.06889,0.87778,0.00222,0.83556,-0.06444,1,-0.07287,1,-0.20000,0.86889,0.05333,0.88000,-0.03778,1,-0.11526,1,-0.18667,0.84444,0.03556,1,-0.14162,0.82222,-0.14667,1,-0.15609,1,-0.44222,g
|
||||
1,0,0.43636,-0.12727,0.58182,-0.14545,0.18182,-0.67273,0.34545,-0.03636,0.29091,-0.05455,0.29091,0.29091,0.36364,-0.41818,0.20000,-0.01818,0.36364,0.05455,0.12727,0.49091,0.61818,0.16364,0.32727,0.16364,0.41098,-0.07027,0.34545,-0.05455,0.12727,-0.36364,0.29091,-0.29091,b
|
||||
1,0,1,-0.92453,1,0.75472,0.49057,-0.05660,0.62264,0,1,-0.00054,0.45283,0.07547,0.62264,-0.05660,0.98878,-0.00085,0.52830,0,0.52830,0.07547,0.95190,-0.00112,1,0.79245,0.92192,-0.00128,0.94340,-1,1,0.43396,0.43396,-0.11321,g
|
||||
1,0,0.73810,0.83333,-0.76190,-0.23810,0.33333,-0.14286,0.45238,-0.14286,-0.67285,0.12808,0.33333,0,0.28571,-0.07143,-0.38214,0.51163,0.23810,0.02381,0.45238,0.04762,0.16667,-0.26190,-0.57255,-0.10234,0.24889,-0.51079,1,0,-0.66667,-0.04762,0.26190,0.02381,b
|
||||
1,0,0.43750,0.04167,0.58333,-0.10417,0.39583,0,0.33333,-0.06250,0.47917,0,0.29167,0.10417,0.54167,0.02083,0.43750,-0.22917,0.35417,-0.22917,0.33333,0.08333,0.25000,0.18750,0.39583,-0.18750,0.44012,-0.10064,0.41667,-0.08333,0.58333,-0.31250,0.33333,-0.06250,g
|
||||
1,0,1,1,0,0,0,0,0,0,0.47744,-0.89098,-0.51504,0.45489,-0.95489,0.28571,0.64662,1,0,0,0,0,0.62030,0.20301,-1,-1,1,-1,1,1,0,0,0,0,b
|
||||
1,0,0.95217,0.06595,0.93614,0.13030,0.90996,0.19152,0.84881,-0.49962,0.90023,0.61320,0.77937,0.34328,0.72254,0.37988,0.66145,0.40844,0.95472,0.59862,0.53258,0.44088,0.46773,0.44511,0.40440,0.44199,0.34374,0.43221,0.90330,1,0.23405,0.39620,0.18632,0.37191,g
|
||||
1,0,0.59840,0.40332,0.82809,0.80521,0.76001,0.70709,0.84010,-0.10984,0.97311,0.07981,0.95824,-0.85727,0.91962,0.88444,0.95452,-0.05206,0.88673,0.18135,0.98484,-0.69594,0.86670,-0.85755,0.28604,-0.30063,1,0.17076,0.62958,0.42677,0.87757,0.81007,0.81979,0.68822,b
|
||||
1,0,0.95882,0.10129,1,-0.01918,0.98313,0.02555,0.96974,-0.09316,0.98955,-0.02716,0.97980,-0.03096,1,-0.05343,1,-0.05179,0.93840,0.01557,0.97620,-0.09284,0.97889,-0.05318,0.91567,-0.15675,0.95677,-0.06995,0.90978,0.01307,1,-0.10797,0.93144,-0.06888,g
|
||||
1,0,0,0,-0.33672,0.85388,0,0,0.68869,-1,0.97078,0.31385,-0.26048,-0.59212,-0.30241,0.65565,0.94155,0.16391,0,0,0,0,-0.18043,-1,0,0,1,-1,0,0,0.04447,0.61881,0,0,b
|
||||
1,0,0.96933,0.00876,1,0.00843,0.98658,-0.00763,0.97868,-0.02844,0.99820,-0.03510,1,-0.01271,1,-0.02581,1,-0.01175,0.98485,0.00025,1,-0.02612,1,-0.04744,0.96019,-0.04527,0.99188,-0.03473,0.97020,-0.02478,1,-0.03855,0.98420,-0.04112,g
|
||||
1,0,0,0,0.98919,-0.22703,0.18919,-0.05405,0,0,0.93243,0.07297,1,-0.20000,1,0.07027,1,-0.11351,0,0,1,-0.21081,1,-0.41622,0,0,1,-0.17568,0,0,1,-0.25946,0.28919,-0.15676,b
|
||||
1,0,0.64122,0.01403,0.34146,-0.02439,0.52751,0.03466,0.19512,0.12195,0.43313,0.04755,0.21951,0.04878,0.29268,0,0.36585,0,0.31707,0.07317,0.26829,0.12195,0.23698,0.05813,0.21951,0.09756,0.19304,0.05641,0.17410,0.05504,0.19512,0,0.17073,0.07317,g
|
||||
1,0,1,1,1,-1,0,0,0,0,1,1,1,-1,1,1,1,-1,0,0,0,0,1,-0.27778,0,0,1,-1,1,1,1,-1,0,0,b
|
||||
1,0,0.34694,0.20408,0.46939,0.24490,0.40816,0.20408,0.46939,0.44898,0.30612,0.59184,0.12245,0.55102,0,0.51020,-0.06122,0.55102,-0.20408,0.55102,-0.28571,0.44898,-0.28571,0.32653,-0.61224,0.22449,-0.46579,0.14895,-0.59184,0.18367,-0.34694,0,-0.26531,-0.24490,g
|
||||
1,0,0,0,1,-1,0,0,0,0,1,1,1,-0.25342,1,0.23288,1,-1,0,0,0,0,1,1,0,0,1,-1,0,0,1,-1,0,0,b
|
||||
1,0,0.89706,0.38235,0.91176,0.37500,0.74265,0.67647,0.45588,0.77941,0.19118,0.88971,-0.02206,0.86029,-0.20588,0.82353,-0.37500,0.67647,-0.5,0.47794,-0.73529,0.38235,-0.86029,0.08824,-0.74265,-0.12500,-0.67925,-0.24131,-0.55147,-0.42647,-0.44118,-0.50735,-0.28676,-0.56618,g
|
||||
1,0,-1,0.28105,0.22222,0.15033,-0.75693,-0.70984,-0.30719,0.71242,-1,1,-0.81699,0.33987,-0.79085,-0.02614,-0.98039,-0.83007,-0.60131,-0.54248,-0.04575,-0.83007,0.94118,-0.94118,-1,-0.43137,0.74385,0.09176,-1,0.05229,0.18301,0.02614,-0.40201,-0.48241,b
|
||||
1,0,0.26667,-0.10000,0.53333,0,0.33333,-0.13333,0.36667,0.11667,0.56667,0.01667,0.71667,0.08333,0.70000,-0.06667,0.53333,0.20000,0.41667,-0.01667,0.31667,0.20000,0.70000,0,0.25000,0.13333,0.46214,0.05439,0.40000,0.03333,0.46667,0.03333,0.41667,-0.05000,g
|
||||
1,0,-0.26667,0.40000,-0.27303,0.12159,-0.17778,-0.04444,0.06192,-0.06879,0.04461,0.02575,-0.00885,0.02726,-0.01586,-0.00166,-0.00093,-0.00883,0.00470,-0.00153,0.00138,0.00238,-0.00114,0.00102,-0.00069,-0.00050,0.00019,-0.00043,0.00026,0.00005,0,0.00015,-0.00008,0.00002,b
|
||||
1,0,1,-0.37838,0.64865,0.29730,0.64865,-0.24324,0.86486,0.18919,1,-0.27027,0.51351,0,0.62162,-0.05405,0.32432,-0.21622,0.71833,-0.17666,0.62162,0.05405,0.75676,0.13514,0.35135,-0.29730,0.61031,-0.22163,0.58478,-0.23027,0.72973,-0.59459,0.51351,-0.24324,g
|
||||
1,0,0.94531,-0.03516,-1,-0.33203,-1,-0.01563,0.97266,0.01172,0.93359,-0.01953,-1,0.16406,-1,-0.00391,0.95313,-0.03516,0.92188,-0.02734,-0.99219,0.11719,-0.93359,0.34766,0.95703,-0.00391,0.82041,0.13758,0.90234,-0.06641,-1,-0.18750,-1,-0.34375,b
|
||||
1,0,0.95202,0.02254,0.93757,-0.01272,0.93526,0.01214,0.96705,-0.01734,0.96936,0.00520,0.95665,-0.03064,0.95260,-0.00405,0.99480,-0.02659,0.99769,0.01792,0.93584,-0.04971,0.93815,-0.02370,0.97052,-0.04451,0.96215,-0.01647,0.97399,0.01908,0.95434,-0.03410,0.95838,0.00809,g
|
||||
1,0,1,-0.05529,1,-1,0.5,-0.11111,0.36111,-0.22222,1,-0.25712,0.16667,-0.11111,1,-0.34660,1,-0.38853,1,-0.42862,0,-0.25000,1,-0.50333,1,-0.27778,1,-0.57092,1,-0.27778,1,-0.63156,1,-0.65935,b
|
||||
1,0,0.31034,-0.10345,0.24138,-0.10345,0.20690,-0.06897,0.07405,-0.05431,0.03649,-0.03689,0.01707,-0.02383,0.00741,-0.01482,0.00281,-0.00893,0.00078,-0.00523,-0.00003,-0.00299,-0.00028,-0.00166,-0.00031,-0.00090,-0.00025,-0.00048,-0.00018,-0.00024,-0.00012,-0.00012,-0.00008,-0.00006,g
|
||||
1,0,0.62745,-0.07843,0.72549,0,0.60784,-0.07843,0.62745,-0.11765,0.68627,-0.11765,0.66667,-0.13725,0.64706,-0.09804,0.54902,-0.11765,0.54902,-0.21569,0.58824,-0.19608,0.66667,-0.23529,0.45098,-0.25490,0.52409,-0.24668,0.56863,-0.31373,0.43137,-0.21569,0.47059,-0.27451,b
|
||||
1,0,0.25000,0.16667,0.46667,0.26667,0.19036,0.23966,0.07766,0.19939,0.01070,0.14922,-0.02367,0.10188,-0.03685,0.06317,-0.03766,0.03458,-0.03230,0.01532,-0.02474,0.00357,-0.01726,-0.00273,-0.01097,-0.00539,-0.00621,-0.00586,-0.00294,-0.00520,-0.00089,-0.00408,0.00025,-0.00291,g
|
||||
1,0,-0.65625,0.15625,0.06250,0,0,0.06250,0.62500,0.06250,0.18750,0,-0.03125,0.09375,0.06250,0,0.15625,-0.15625,0.43750,-0.37500,0,-0.09375,0,0,0.03125,-0.46875,0.03125,0,-0.71875,0.03125,-0.03125,0,0,0.09375,b
|
||||
1,0,1,-0.01081,1,-0.02703,1,-0.06486,0.95135,-0.01622,0.98919,-0.03243,0.98919,0.08649,1,-0.06486,0.95135,0.09189,0.97838,-0.00541,1,0.06486,1,0.04324,0.97838,0.09189,0.98556,0.01251,1,-0.03243,1,0.02703,1,-0.07027,g
|
||||
1,0,0.85271,0.05426,1,0.08069,1,1,0.91473,-0.00775,0.83721,0.03876,1,0.27153,1,1,0.81395,0.04651,0.90698,0.11628,1,0.50670,1,-1,0.80620,0.03876,1,0.71613,0.84496,0.06977,1,0.87317,1,1,b
|
||||
1,0,0.90374,-0.01604,1,0.08021,1,0.01604,0.93048,0.00535,0.93583,-0.01604,1,0,1,0.06417,1,0.04813,0.91444,0.04278,0.96791,0.02139,0.98930,-0.01604,0.96257,0.05348,0.96974,0.04452,0.87701,0.01070,1,0.09091,0.97861,0.06417,g
|
||||
1,0,-0.20500,0.28750,0.23000,0.10000,0.28250,0.31750,0.32250,0.35000,0.36285,-0.34617,0.09250,0.27500,-0.09500,0.21000,-0.08750,0.23500,-0.34187,0.31408,-0.48000,-0.08000,0.29908,0.33176,-0.58000,-0.24000,0.32190,-0.28475,-0.47000,0.18500,-0.27104,-0.31228,0.40445,0.03050,b
|
||||
1,0,0.60000,0.03333,0.63333,0.06667,0.70000,0.06667,0.70000,0,0.63333,0,0.80000,0,0.73333,0,0.70000,0.10000,0.66667,0.10000,0.73333,-0.03333,0.76667,0,0.63333,0.13333,0.65932,0.10168,0.60000,0.13333,0.60000,0.16667,0.63333,0.16667,g
|
||||
1,0,0.05866,-0.00838,0.06704,0.00838,0,-0.01117,0.00559,-0.03911,0.01676,-0.07542,-0.00559,0.05307,0.06425,-0.03352,0,0.09497,-0.06425,0.07542,-0.04749,0.02514,0.02793,-0.00559,0.00838,0.00559,0.10335,-0.00838,0.03073,-0.00279,0.04469,0,0.04749,-0.03352,b
|
||||
1,0,0.94653,0.28713,0.72554,0.67248,0.47564,0.82455,0.01267,0.89109,-0.24871,0.84475,-0.47644,0.56079,-0.75881,0.41743,-0.66455,0.07208,-0.65426,-0.19525,-0.52475,-0.44000,-0.30851,-0.55089,-0.04119,-0.64792,0.16085,-0.56420,0.36752,-0.41901,0.46059,-0.22535,0.50376,-0.05980,g
|
||||
1,0,0.05460,0.01437,-0.02586,0.04598,0.01437,0.04598,-0.07759,0.00862,0.01724,-0.06609,-0.03736,0.04310,-0.08333,-0.04598,-0.09483,0.08046,-0.04023,0.05172,0.02011,0.02299,-0.03736,-0.01149,0.03161,-0.00862,0.00862,0.01724,0.02586,0.01149,0.02586,0.01149,-0.04598,-0.00575,b
|
||||
1,0,0.72414,-0.01084,0.79704,0.01084,0.80000,0.00197,0.79015,0.01084,0.78424,-0.00985,0.83350,0.03251,0.85123,0.01675,0.80099,-0.00788,0.79113,-0.02956,0.75961,0.03350,0.74778,0.05517,0.72611,-0.01478,0.78041,0.00612,0.74089,-0.05025,0.82956,0.02956,0.79015,0.00788,g
|
||||
1,0,0.03852,0.02568,0.00428,0,0.01997,-0.01997,0.02140,-0.04993,-0.04850,-0.01284,0.01427,-0.02282,0,-0.03281,-0.04708,-0.02853,-0.01712,0.03566,0.02140,0.00428,0.05136,-0.02282,0.05136,0.01854,0.03994,0.01569,0.01997,0.00713,-0.02568,-0.01854,-0.01427,0.01997,b
|
||||
1,0,0.47090,0.22751,0.42328,0.33598,0.25661,0.47619,0.01852,0.49471,-0.02116,0.53968,-0.34127,0.31217,-0.41270,0.32540,-0.51587,0.06878,-0.5,-0.11640,-0.14815,-0.14550,-0.14815,-0.38095,-0.23280,0.00265,0.03574,-0.31739,0.15873,-0.21693,0.24868,-0.24339,0.26720,0.04233,g
|
||||
1,0,0.08696,0.00686,0.13959,-0.04119,0.10526,-0.08238,0.12586,-0.06178,0.23341,-0.01144,0.12357,0.07780,0.14645,-0.13501,0.29062,-0.04805,0.18993,0.07323,0.11670,0,0.11213,-0.00229,0.15103,-0.10297,0.08467,0.01373,0.11213,-0.06636,0.09611,-0.07323,0.11670,-0.06865,b
|
||||
1,0,0.94333,0.38574,0.48263,0.64534,0.21572,0.77514,-0.55941,0.64899,-0.73675,0.42048,-0.76051,0,-0.62706,-0.31079,-0.38391,-0.62157,-0.12797,-0.69287,0.49909,-0.63620,0.71481,-0.37660,0.73857,-0.05484,0.60098,0.30384,0.45521,0.60512,0.02742,0.54479,-0.21572,0.50457,g
|
||||
1,0,0.01975,0.00705,0.04090,-0.00846,0.02116,0.01128,0.01128,0.04372,0.00282,0.00141,0.01975,-0.03103,-0.01975,0.06065,-0.04090,0.02680,-0.02398,-0.00423,0.04372,-0.02539,0.01834,0,0,-0.01269,0.01834,-0.01128,0.00564,-0.01551,-0.01693,-0.02398,0.00705,0,b
|
||||
1,0,0.85736,0.00075,0.81927,-0.05676,0.77521,-0.04182,0.84317,0.09037,0.86258,0.11949,0.88051,-0.06124,0.78342,0.03510,0.83719,-0.06796,0.83570,-0.14190,0.88125,0.01195,0.90515,0.02240,0.79686,-0.01942,0.82383,-0.03678,0.88125,-0.06423,0.73936,-0.01942,0.79089,-0.09186,g
|
||||
1,0,1,-1,1,1,-1,1,1,-1,1,-1,-1,-1,-1,1,1,1,1,1,-1,1,1,-1,1,-1,1,1,1,1,-1,1,-1,1,b
|
||||
1,0,0.85209,0.39252,0.38887,0.76432,0.08858,0.98903,-0.42625,0.88744,-0.76229,0.49980,-0.93092,0.10768,-0.85900,-0.31044,-0.66030,-0.55262,-0.19260,-0.86063,0.28444,-0.80496,0.64649,-0.35230,0.77814,-0.23324,0.71698,0.21343,0.37830,0.58310,0.19667,0.66315,-0.11215,0.64933,g
|
||||
1,0,1,1,1,0.51250,0.62500,-1,1,1,0.02500,0.03125,1,1,0,0,1,-1,1,1,1,1,0.31250,1,1,1,1,1,1,1,-0.94375,1,0,0,b
|
||||
1,0,1,0.54902,0.62745,1,0.01961,1,-0.49020,0.92157,-0.82353,0.58824,-1,0.11765,-0.96078,-0.33333,-0.64706,-0.68627,-0.23529,-0.86275,0.35294,-1,0.74510,-0.72549,0.92157,-0.21569,0.92874,0.21876,0.72549,0.56863,0.23529,0.90196,-0.11765,0.90196,g
|
||||
1,0,0,0,-1,-1,-1,1,0,0,-1,1,1,1,1,-1,0,0,0,0,-1,-1,-1,1,1,0.43750,1,-1,0,0,-1,-1,-1,1,b
|
||||
1,0,0.44444,0.44444,0.53695,0.90763,-0.22222,1,-0.33333,0.88889,-1,0.33333,-1,-0.11111,-1,-0.22222,-0.66667,-0.77778,0.55556,-1,-0.22222,-0.77778,0.77778,-0.22222,0.33333,0,0.92120,0.45019,0.57454,0.84353,0.22222,1,-0.55556,1,g
|
||||
0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,b
|
||||
1,0,1,0,1,0,0.5,0.50000,0.75000,0,0.91201,0.12094,0.89067,0.14210,0.86922,0.16228,0.75000,0.25000,0.75000,0.5,0.75000,0,1,-0.25000,0.5,0.50000,0.73944,0.26388,0.75000,0.25000,0.69635,0.29074,0.67493,0.30293,g
|
||||
0,0,-1,1,1,1,0,0,1,-1,1,-1,1,-1,-1,-1,0,0,-1,-1,0,0,0,0,-1,-1,1,-1,1,1,-1,-1,0,0,b
|
||||
1,0,1,0,1,0,0.66667,0.11111,1,-0.11111,0.88889,-0.11111,1,-0.22222,0.77778,0,0.77778,0,1,-0.11111,0.77778,-0.11111,0.66667,-0.11111,0.66667,0,0.90347,-0.05352,1,0.11111,0.88889,-0.11111,1,0,g
|
||||
0,0,0,0,0,0,0,0,0,0,0,0,-1,-1,0,0,1,0.75000,0,0,0,0,-1,1,0,0,1,-1,-1,-1,1,1,0,0,b
|
||||
1,0,1,0.45455,1,-0.45455,1,0.09091,1,-0.09091,1,0,1,-0.27273,1,-0.18182,1,0.09091,1,0,1,-0.36364,1,0.09091,1,-0.09091,1,-0.04914,1,0.45455,1,-0.27273,1,-0.18182,g
|
||||
1,0,0.62121,-0.63636,0,0,0,0,0.34470,0.28788,0.42803,0.39394,-0.07576,0.51894,0.36364,0.31439,-0.53788,0.32955,0.12121,-0.14773,0.01894,-0.53409,-0.57576,0.17803,0.29167,-0.27273,0.25758,-0.57576,0.43182,0.24242,0.18182,-0.02273,0.17045,-0.41667,b
|
||||
1,0,1,0.11765,1,0.23529,1,0.41176,1,0.05882,1,0.23529,1,0.11765,1,0.47059,1,-0.05882,1,-0.11765,1,0.35294,1,0.41176,1,-0.11765,1,0.20225,1,0.05882,1,0.35294,1,0.23529,g
|
||||
1,0,0,0,-1,-0.62766,1,0.51064,0.07979,-0.23404,-1,-0.36170,0.12766,-0.59043,1,-1,0,0,0.82979,-0.07979,-0.25000,1,0.17021,-0.70745,0,0,-0.19149,-0.46809,-0.22340,-0.48936,0.74468,0.90426,-0.67553,0.45745,b
|
||||
1,0,0.91667,0.29167,0.83333,-0.16667,0.70833,0.25000,0.87500,-0.08333,0.91667,0.04167,0.83333,0.12500,0.70833,0,0.87500,0.04167,1,0.08333,0.66667,-0.08333,0.75000,0.16667,0.83333,-0.12500,0.83796,0.05503,1,0.20833,0.70833,0,0.70833,0.04167,g
|
||||
1,0,0.18590,-0.16667,0,0,0,0,0,0,0,0,0.11538,-0.19071,0,0,0,0,0,0,0,0,-0.05128,-0.06571,0.07853,0.08974,0.17308,-0.10897,0.12500,0.09615,0.02564,-0.04808,0.16827,0.19551,b
|
||||
1,0,1,-0.08183,1,-0.11326,0.99246,-0.29802,1,-0.33075,0.96662,-0.34281,0.85788,-0.47265,0.91904,-0.48170,0.73084,-0.65224,0.68131,-0.63544,0.82450,-0.78316,0.58829,-0.74785,0.67033,-0.96296,0.48757,-0.85669,0.37941,-0.83893,0.24117,-0.88846,0.29221,-0.89621,g
|
||||
1,0,1,1,-1,1,-1,-0.82456,0.34649,0.21053,0.46053,0.07018,0.22807,0.05702,0.35088,0.34649,0.72807,-0.03947,0.22807,0.53070,0,0,-0.29825,-0.16228,1,-0.66667,1,-1,1,-0.24561,0.35088,0.20175,0.82895,0.07895,b
|
||||
1,0,1,0.24077,0.99815,0.00369,0.80244,-0.30133,0.89919,-0.23486,0.70643,-0.24077,0.73855,-0.30539,0.71492,-0.36078,0.47194,-0.61189,0.40473,-0.55059,0.61041,-0.39328,0.53176,-0.32681,0.23966,-0.52142,0.29208,-0.48390,0.12777,-0.39143,0.15657,-0.51329,0.18353,-0.46603,g
|
||||
0,0,-1,1,1,-1,0,0,0,0,1,-1,1,1,0,0,1,-1,0,0,0,0,1,1,-1,1,1,-1,-1,1,-1,-1,0,0,b
|
||||
1,0,0.92247,-0.19448,0.96419,-0.17674,0.87024,-0.22602,0.81702,-0.27070,0.79271,-0.28909,0.70302,-0.49639,0.63338,-0.49967,0.37254,-0.70729,0.27070,-0.72109,0.40506,-0.54172,0.33509,-0.59691,0.14750,-0.63601,0.09312,-0.59589,-0.07162,-0.54928,-0.01840,-0.54074,-0.07457,-0.47898,g
|
||||
1,0,-1,-1,-0.50694,1,1,-1,1,0.53819,0,0,0.23958,-1,1,1,0,0,1,1,1,1,0,0,-0.71528,1,0.33333,-1,1,-1,0.69792,-1,0.47569,1,b
|
||||
1,0,0.84177,0.43460,0.5,0.76160,0.09916,0.93460,-0.37764,0.88186,-0.72363,0.61181,-0.93882,0.19409,-0.86709,-0.25527,-0.62869,-0.65612,-0.25105,-0.85654,0.16245,-0.86498,0.51477,-0.66878,0.74895,-0.28903,0.77937,0.07933,0.64135,0.42827,0.31435,0.62447,-0.00422,0.69409,g
|
||||
1,0,1,1,0,0,1,-1,-1,-1,1,1,1,-1,0,0,1,-1,1,1,0,0,1,-1,-1,-1,1,1,-1,1,-1,1,0,0,b
|
||||
1,0,1,0.63548,1,1,0.77123,1,-0.33333,1,-1,1,0,1,-1,1,-1,0,-1,-0.66667,-1,-0.92536,-1,-0.33333,-0.33333,-1,0.19235,-1,1,-1,0,-1,1,-0.66667,g
|
||||
0,0,-1,1,-1,-1,0,0,-1,1,1,-1,-1,-1,-1,1,0,0,-1,-1,-1,1,0,0,1,-1,1,1,1,-1,1,1,0,0,b
|
||||
1,0,1,0.06843,1,0.14211,1,0.22108,1,-0.12500,1,0.39495,1,0.48981,1,0.58986,-0.37500,1,1,0,1,0.92001,1,1,1,1,1,1,1,0.25000,1,1,1,1,g
|
||||
0,0,-1,-1,0,0,0,0,0,0,0,0,0,0,1,-1,0,0,-1,-1,0,0,1,1,1,-1,1,-1,0,0,0,0,0,0,b
|
||||
1,0,0.64947,-0.07896,0.58264,-0.14380,-0.13129,-0.21384,0.29796,0.04403,0.38096,-0.26339,0.28931,-0.31997,0.03459,-0.18947,0.20269,-0.29441,0.15196,-0.29052,0.09513,-0.31525,0.06556,-0.26795,0.03004,-0.25124,-0.00046,-0.23210,-0.02612,-0.21129,-0.04717,-0.18950,0.01336,-0.27201,g
|
||||
1,0,0,0,0,0,0,0,0,0,1,-0.33333,0.16667,0.26042,0,0,0,0,0,0,-0.19792,-0.21875,-0.16667,0.90625,-1,0.5,0.04167,0.75000,-0.22917,-1,-0.12500,-0.27083,-0.19792,-0.93750,b
|
||||
1,0,1,0.05149,0.99363,0.10123,0.96142,0.14756,0.95513,-0.26496,0.66026,0.54701,0.80426,0.25283,0.73781,0.27380,0.66775,0.28714,0.59615,0.29304,0.52494,0.29200,0.45582,0.28476,0.39023,0.27226,0.32930,0.25553,0.27381,0.23568,0.22427,0.21378,0.18086,0.19083,g
|
||||
1,0,1,-0.09524,-1,-1,-1,-1,1,0.31746,0.81349,0.76190,-1,-1,-1,1,0.47364,1,1,1,0.68839,-1,-1,-1,0.82937,0.36508,1,1,1,0.50794,-1,-0.32540,-1,0.72831,b
|
||||
1,0,0.93669,-0.00190,0.60761,0.43204,0.92314,-0.40129,0.93123,0.16828,0.96197,0.09061,0.99676,0.08172,0.91586,0.05097,0.84628,-0.25324,0.87379,-0.14482,0.84871,0.26133,0.75081,-0.03641,0.84547,-0.02589,0.87293,-0.02302,0.98544,0.09385,0.78317,-0.10194,0.85841,-0.14725,g
|
||||
1,0,1,-1,1,1,1,1,1,-0.5,1,1,1,1,1,1,0,0,1,1,1,1,1,-1,1,1,1,0.62500,1,-0.75000,-0.75000,1,1,1,b
|
||||
1,0,1,0.23058,1,-0.78509,1,-0.10401,1,0.15414,1,0.27820,0.98120,-0.06861,1,0.06610,0.95802,-0.18954,0.83584,-0.15633,0.97400,0.03728,0.99624,0.09242,1,-0.01253,0.96238,-0.04597,0.91165,0.03885,1,-0.13722,0.96523,-0.11717,g
|
||||
1,0,0.36876,-1,-1,-1,-0.07661,1,1,0.95041,0.74597,-0.38710,-1,-0.79313,-0.09677,1,0.48684,0.46502,0.31755,-0.27461,-0.14343,-0.20188,-0.11976,0.06895,0.03021,0.06639,0.03443,-0.01186,-0.00403,-0.01672,-0.00761,0.00108,0.00015,0.00325,b
|
||||
1,0,0.79847,0.38265,0.80804,-0.16964,1,-0.07653,0.98151,-0.07398,0.70217,0.20663,0.99745,0.02105,0.98214,0.02487,1,-0.13074,0.95663,0.07717,1,0.00191,0.90306,0.30804,1,-0.14541,1,-0.00394,0.75638,0.07908,1,-0.18750,1,-0.05740,g
|
||||
0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,1,-1,0,0,1,1,1,-1,1,1,1,0,1,1,1,-1,0,0,b
|
||||
1,0,1,-0.28428,1,-0.25346,0.94623,-0.35094,1,-0.30566,0.92736,-0.49057,0.90818,-0.44119,0.75723,-0.58899,0.69748,-0.58019,0.59623,-0.57579,0.68459,-0.70975,0.54465,-0.87327,0.49214,-0.73333,0.35504,-0.76054,0.26352,-0.78239,0.16604,-0.73145,0.13994,-0.70000,g
|
||||
1,0,0,0,0,0,0,0,-0.85000,-1,0,0,1,-1,0,0,-1,-1,-1,-1,1,-1,-0.60000,-1,1,1,-1,-0.20000,1,-1,0,1,0,0,b
|
||||
1,0,1,0.09091,0.95455,-0.09091,0.77273,0,1,0,0.95455,0,1,0.04545,0.90909,-0.04545,1,0,1,0,0.86364,0.09091,0.77273,0.09091,0.90909,0.04545,0.91541,0.02897,0.95455,0.09091,0.86364,-0.09091,0.86364,0.04545,g
|
||||
0,0,0,0,-1,1,1,1,-1,-1,0,0,-1,-1,-1,-0.31250,-1,-1,1,-1,1,-1,0,0,1,-1,-1,-1,0,0,1,-1,0,0,b
|
||||
1,0,0.91176,-0.08824,0.97059,0.17647,0.82353,0.08824,0.91176,-0.02941,0.97059,-0.17647,0.97059,0.14706,0.94118,0.02941,1,0,1,0,0.76471,0.11765,0.88235,0.02941,0.85294,0.02941,0.92663,0.02600,0.94118,-0.11765,0.97059,0.05882,0.91176,0.05882,g
|
||||
1,0,-1,1,-1,0.15244,0.28354,1,-1,1,-1,-1,1,1,-1,-0.23476,0.28301,-1,1,1,-0.31402,-1,-1,-1,1,-1,-1,-0.03578,1,-1,-1,-0.32317,0.14939,1,b
|
||||
1,0,0.47368,-0.10526,0.83781,0.01756,0.83155,0.02615,0.68421,-0.05263,0.68421,0,0.79856,0.05028,0.78315,0.05756,0.84211,0.47368,1,0.05263,0.72550,0.07631,0.70301,0.08141,0.42105,0.21053,0.65419,0.08968,0.52632,-0.21053,0.60150,0.09534,0.57418,0.09719,g
|
||||
1,0,-0.00641,-0.5,0,0,-0.01923,1,0,0,0,0,0,0,0,0,0,0,0.31410,0.92949,-0.35256,0.74359,-0.34615,-0.80769,0,0,-0.61538,-0.51282,0,0,0,0,0,0,b
|
||||
1,0,1,0.45455,1,0.54545,0.81818,0.63636,1,-0.09091,1,0,0.81818,-0.45455,0.63636,0.27273,1,-0.63636,1,-0.27273,0.90909,-0.45455,1,0.07750,1,-0.09091,1,0.08867,1,0.36364,1,0.63636,0.72727,0.27273,g
|
||||
0,0,-1,-1,1,-1,-1,1,0,0,1,-1,1,-1,0,0,0,0,0,0,-1,1,1,-1,-1,1,1,1,0,0,1,0.5,0,0,b
|
||||
1,0,0.45455,0.09091,0.63636,0.09091,0.27273,0.18182,0.63636,0,0.36364,-0.09091,0.45455,-0.09091,0.48612,-0.01343,0.63636,-0.18182,0.45455,0,0.36364,-0.09091,0.27273,0.18182,0.36364,-0.09091,0.34442,-0.01768,0.27273,0,0.36364,0,0.28985,-0.01832,g
|
||||
1,0,-1,-0.59677,0,0,-1,0.64516,-0.87097,1,0,0,0,0,0,0,0,0,0,0,-1,-1,0,0,0.29839,0.23387,1,0.51613,0,0,0,0,0,0,b
|
||||
1,0,1,0.14286,1,0.71429,1,0.71429,1,-0.14286,0.85714,-0.14286,1,0.02534,1,0,0.42857,-0.14286,1,0.03617,1,-0.28571,1,0,0.28571,-0.28571,1,0.04891,1,0.05182,1,0.57143,1,0,g
|
||||
0,0,1,1,1,-1,1,1,1,1,1,1,1,-1,1,1,1,-1,1,-1,1,1,1,1,1,-1,1,1,1,1,1,1,1,1,b
|
||||
1,0,0.87032,0.46972,0.53945,0.82161,0.10380,0.95275,-0.38033,0.87916,-0.73939,0.58226,-0.92099,0.16731,-0.82417,-0.24942,-0.59383,-0.63342,-0.24012,-0.82881,0.18823,-0.78699,0.51557,-0.57430,0.69274,-0.24843,0.69097,0.10484,0.52798,0.39762,0.25974,0.56573,-0.06739,0.57552,g
|
||||
0,0,1,-1,1,1,1,-1,1,1,1,-1,1,-1,1,-1,1,1,1,1,1,1,1,-1,1,1,1,1,1,1,1,1,1,-1,b
|
||||
1,0,0.92657,0.04174,0.89266,0.15766,0.86098,0.19791,0.83675,0.36526,0.80619,0.40198,0.76221,0.40552,0.66586,0.48360,0.60101,0.51752,0.53392,0.52180,0.48435,0.54212,0.42546,0.55684,0.33340,0.55274,0.26978,0.54214,0.22307,0.53448,0.14312,0.49124,0.11573,0.46571,g
|
||||
0,0,1,1,1,-1,1,-1,1,1,0,0,1,-1,0,0,0,0,0,0,-1,1,1,1,0,0,1,1,0,0,-1,-1,0,0,b
|
||||
1,0,0.93537,0.13645,0.93716,0.25359,0.85705,0.38779,0.79039,0.47127,0.72352,0.59942,0.65260,0.75000,0.50830,0.73586,0.41629,0.82742,0.25539,0.85952,0.13712,0.85615,0.00494,0.88869,-0.07361,0.79780,-0.20995,0.78004,-0.33169,0.71454,-0.38532,0.64363,-0.47419,0.55835,g
|
||||
0,0,1,-1,-1,1,-1,1,1,1,1,1,-1,-1,-1,-1,1,1,1,-1,-1,-1,-1,-1,1,0,1,-1,1,-1,-1,1,-1,1,b
|
||||
1,0,0.80627,0.13069,0.73061,0.24323,0.64615,0.19038,0.36923,0.45577,0.44793,0.46439,0.25000,0.57308,0.25192,0.37115,0.15215,0.51877,-0.09808,0.57500,-0.03462,0.42885,-0.08856,0.44424,-0.14943,0.40006,-0.19940,0.34976,-0.23832,0.29541,-0.26634,0.23896,-0.23846,0.31154,g
|
||||
0,0,1,-1,1,1,1,-1,1,1,1,-1,1,1,1,-1,1,-1,1,1,1,1,1,-1,1,-1,1,-1,1,1,1,-1,1,1,b
|
||||
1,0,0.97467,0.13082,0.94120,0.20036,0.88783,0.32248,0.89009,0.32711,0.85550,0.45217,0.72298,0.52284,0.69946,0.58820,0.58548,0.66893,0.48869,0.70398,0.44245,0.68159,0.35289,0.75622,0.26832,0.76210,0.16813,0.78541,0.07497,0.80439,-0.02962,0.77702,-0.10289,0.74242,g
|
||||
0,0,0,0,1,1,0,0,1,1,0,0,1,-1,0,0,0,0,0,0,0,0,0,0,0,0,1,-1,0,0,-1,1,0,0,b
|
||||
1,0,0.92308,0.15451,0.86399,0.29757,0.72582,0.36790,0.70588,0.56830,0.57449,0.62719,0.43270,0.74676,0.31705,0.67697,0.19128,0.76818,0.04686,0.76171,-0.12064,0.76969,-0.18479,0.71327,-0.29291,0.65708,-0.38798,0.58553,-0.46799,0.50131,-0.53146,0.40732,-0.56231,0.35095,g
|
||||
0,0,0,0,1,1,1,1,0,0,0,0,-1,-1,0,0,-1,-1,0,0,0,0,1,1,0,0,1,1,0,0,-1,1,0,0,b
|
||||
1,0,0.88804,0.38138,0.65926,0.69431,0.29148,0.87892,-0.06726,0.90135,-0.39597,0.80441,-0.64574,0.56502,-0.82960,0.26906,-0.78940,-0.08205,-0.62780,-0.30942,-0.46637,-0.55605,-0.16449,-0.64338,0.09562,-0.61055,0.30406,-0.48392,0.43227,-0.29838,0.47029,-0.09461,0.42152,0.12556,g
|
||||
0,0,1,-1,1,1,1,1,1,1,1,1,1,-1,1,1,1,1,1,-1,1,-1,1,-1,1,-1,1,1,1,-1,1,1,1,1,b
|
||||
1,0,0.73523,-0.38293,0.80151,0.10278,0.78826,0.15266,0.55580,0.05252,1,0.21225,0.71947,0.28954,0.68798,0.32925,0.49672,0.17287,0.64333,-0.02845,0.57399,0.42528,0.53120,0.44872,0.94530,0.57549,0.44174,0.48200,0.12473,1,0.35070,0.49721,0.30588,0.49831,g
|
||||
0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,b
|
||||
1,0,0.94649,0.00892,0.97287,-0.00260,0.98922,0.00372,0.95801,0.01598,0.94054,0.03530,0.97213,0.04719,0.98625,0.01858,0.94277,0.07135,0.98551,-0.00706,0.97770,0.04980,0.96358,0.07098,0.93274,0.08101,0.95243,0.04356,0.97473,0.00818,0.97845,0.07061,1,-0.00260,g
|
||||
0,0,1,1,-1,-1,-1,-1,0,0,0,0,-1,-1,0,0,0,0,0,0,-1,1,1,1,0,0,1,-1,0,0,-1,-1,-1,-1,b
|
||||
1,0,0.50466,-0.16900,0.71442,0.01513,0.71063,0.02258,0.68065,0.01282,0.34615,0.05594,0.69050,0.04393,0.68101,0.05058,0.67023,0.05692,0.63403,-0.04662,0.64503,0.06856,0.63077,0.07381,0.84033,0.18065,0.59935,0.08304,0.38228,0.06760,0.56466,0.09046,0.54632,0.09346,g
|
||||
1,0,0.68729,1,0.91973,-0.76087,0.81773,0.04348,0.76087,0.10702,0.86789,0.73746,0.70067,0.18227,0.75920,0.13712,0.93478,-0.25084,0.70736,0.18729,0.64883,0.24582,0.60201,0.77425,1,-0.53846,0.89262,0.22216,0.71070,0.53846,1,-0.06522,0.56522,0.23913,b
|
||||
1,0,0.76296,-0.07778,1,-0.29630,1,-0.85741,0.80000,0.06111,0.45556,-0.42778,1,-0.12581,1,-0.83519,0.49259,0.01852,0.82222,-0.05926,0.98215,-0.19938,1,0.22037,0.69630,-0.26481,0.92148,-0.24549,0.78889,0.02037,0.87492,-0.27105,1,-0.57037,g
|
||||
1,0,0.38521,0.15564,0.41245,0.07393,0.26459,0.24125,0.23346,0.13230,0.19455,0.25292,0.24514,0.36965,0.08949,0.22957,-0.03891,0.36965,0.05058,0.24903,0.24903,0.09728,0.07782,0.29961,-0.02494,0.28482,-0.06024,0.26256,-0.14786,0.14786,-0.09339,0.31128,-0.19066,0.28794,b
|
||||
1,0,0.57540,-0.03175,0.75198,-0.05357,0.61508,-0.01190,0.53968,0.03373,0.61706,0.09921,0.59127,-0.02381,0.62698,0.01190,0.70833,0.02579,0.60317,0.01587,0.47817,-0.02778,0.59127,0.03770,0.5,0.03968,0.61291,-0.01237,0.61706,-0.13492,0.68849,-0.01389,0.62500,-0.03175,g
|
||||
1,0,0.06404,-0.15271,-0.04433,0.05911,0.08374,-0.02463,-0.01478,0.18719,0.06404,0,0.12315,-0.09852,0.05911,0,0.01970,-0.02956,-0.12808,-0.20690,0.06897,0.01478,0.06897,0.02956,0.07882,0.16256,0.28079,-0.04926,-0.05911,-0.09360,0.04433,0.05419,0.07389,-0.10837,b
|
||||
1,0,0.61857,0.10850,0.70694,-0.06935,0.70358,0.01678,0.74273,0.00224,0.71029,0.15772,0.71588,-0.00224,0.79754,0.06600,0.83669,-0.16555,0.68680,-0.09060,0.62528,-0.01342,0.60962,0.11745,0.71253,-0.09508,0.69845,-0.01673,0.63311,0.04810,0.78859,-0.05145,0.65213,-0.04698,g
|
||||
1,0,0.25316,0.35949,0,0,-0.29620,-1,0,0,0.07595,-0.07342,0,0,0,0,0,0,0,0,0.00759,0.68101,-0.20000,0.33671,-0.10380,0.35696,0.05570,-1,0,0,0.06329,-1,0,0,b
|
||||
1,0,0.88103,-0.00857,0.89818,-0.02465,0.94105,-0.01822,0.89175,-0.12755,0.82208,-0.10932,0.88853,0.01179,0.90782,-0.13719,0.87138,-0.06109,0.90782,-0.02358,0.87996,-0.14577,0.82851,-0.12433,0.90139,-0.19507,0.88245,-0.14903,0.84352,-0.12862,0.88424,-0.18542,0.91747,-0.16827,g
|
||||
1,0,0.42708,-0.5,0,0,0,0,0.46458,0.51042,0.58958,0.02083,0,0,0,0,0.16458,-0.45417,0.59167,-0.18333,0,0,0,0,0.98750,-0.40833,-1,-1,-0.27917,-0.75625,0,0,0,0,b
|
||||
1,0,0.88853,0.01631,0.92007,0.01305,0.92442,0.01359,0.89179,-0.10223,0.90103,-0.08428,0.93040,-0.01033,0.93094,-0.08918,0.86025,-0.05057,0.89451,-0.04024,0.88418,-0.12126,0.88907,-0.11909,0.82980,-0.14138,0.86453,-0.11808,0.85536,-0.13051,0.83524,-0.12452,0.86786,-0.12235,g
|
||||
1,0,0,0,1,0.12889,0.88444,-0.02000,0,0,1,-0.42444,1,0.19556,1,-0.05333,1,-0.81556,0,0,1,-0.04000,1,-0.18667,0,0,1,-1,0,0,1,0.11778,0.90667,-0.09556,b
|
||||
1,0,0.81143,0.03714,0.85143,-0.00143,0.79000,0.00714,0.79571,-0.04286,0.87571,0,0.85571,-0.06714,0.86429,0.00286,0.82857,-0.05429,0.81000,-0.11857,0.76857,-0.08429,0.84286,-0.05000,0.77000,-0.06857,0.81598,-0.08669,0.82571,-0.10429,0.81429,-0.05000,0.82143,-0.15143,g
|
||||
1,0,0,0,0,0,0,0,0,0,0,0,-1,1,1,0.55172,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,b
|
||||
1,0,0.49870,0.01818,0.43117,-0.09610,0.50649,-0.04156,0.50130,0.09610,0.44675,0.05974,0.55844,-0.11948,0.51688,-0.03636,0.52727,-0.05974,0.55325,-0.01039,0.48571,-0.03377,0.49091,-0.01039,0.59221,0,0.53215,-0.03280,0.43117,0.03377,0.54545,-0.05455,0.58961,-0.08571,g
|
||||
0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,-1,0,0,0,0,0,0,b
|
||||
1,0,1,0.5,1,0.25000,0.25000,1,0.16851,0.91180,-0.13336,0.80454,-0.34107,0.60793,-0.43820,0.37856,-0.43663,0.16709,-0.36676,0.00678,-0.26477,-0.09025,-0.16178,-0.12964,-0.07782,-0.12744,-0.02089,-0.10242,0.01033,-0.07036,0.02224,-0.04142,0.02249,-0.02017,g
|
||||
1,0,0,0,0,0,1,1,-1,-1,0,0,1,-0.11111,0,0,0,0,-1,1,1,1,1,-1,0,0,1,-1,0,0,0,0,1,1,b
|
||||
1,0,0.87048,0.38027,0.64099,0.69212,0.31347,0.86625,-0.03933,0.90740,-0.42173,0.79346,-0.70561,0.51560,-0.81049,0.22735,-0.81136,-0.12539,-0.67474,-0.38102,-0.38334,-0.62861,-0.13013,-0.70762,0.15552,-0.66421,0.38544,-0.51568,0.52573,-0.29897,0.56239,-0.05938,0.51460,0.16645,g
|
||||
1,0,0,0,0,0,0,0,-1,1,0,0,1,0.37333,-0.12000,-0.12000,0,0,-1,-1,0,0,1,-1,0,0,1,0.22667,0,0,0,0,0,0,b
|
||||
1,0,0.88179,0.43491,0.59573,0.77655,0.19672,0.94537,-0.24103,0.92544,-0.62526,0.71257,-0.86443,0.33652,-0.92384,-0.05338,-0.77356,-0.44707,-0.46950,-0.73285,-0.10237,-0.82217,0.26384,-0.77570,0.55984,-0.55910,0.72147,-0.24433,0.72478,0.09599,0.58137,0.38915,0.34749,0.57656,g
|
||||
1,0,0.32834,0.02520,0.15236,0.21278,0.14919,0.74003,-0.25706,0.92324,-0.10312,0.19380,-0.61352,0.25786,-0.94053,-0.05409,-0.13117,-0.14329,-0.30315,-0.44615,-0.11409,-0.85597,0.02668,-0.22786,0.27942,-0.06295,0.33737,-0.11876,0.27657,-0.11409,0.15078,0.13296,0.12197,0.20468,g
|
||||
1,0,0.83427,0.39121,0.54040,0.78579,0.12326,0.89402,-0.33221,0.83578,-0.70086,0.59564,-0.86622,0.21909,-0.84442,-0.24164,-0.59714,-0.61894,-0.19354,-0.87787,0.12439,-0.89064,0.51109,-0.72454,0.79143,-0.27734,0.83008,0.08718,0.66592,0.49079,0.37542,0.70011,-0.03983,0.79444,g
|
||||
1,0,0.62335,-0.03490,0.59085,0.00481,0.60409,-0.07461,0.63177,0.00963,0.62455,-0.07461,0.67028,0.07220,0.62936,-0.08424,0.67509,0.09146,0.67148,0,0.58965,0.10108,0.50060,0.03129,0.65945,0.14079,0.60463,0.02019,0.51384,0.04452,0.61733,-0.00963,0.61372,-0.09146,g
|
||||
1,0,0.74449,-0.02390,0.70772,0.03309,0.72243,0.16912,0.79228,0.07721,0.81434,0.43934,0.63787,0.00551,0.70772,0.21691,1,0.06066,0.61029,0.05147,0.67463,0.04228,0.52022,-0.25000,0.72978,-0.15809,0.61727,0.07124,0.30882,0.08640,0.55916,0.07458,0.60294,0.21691,g
|
||||
1,0,0.61538,0.18923,0.78157,0.01780,0.77486,0.02647,0.65077,-0.10308,0.77538,0.08000,0.73961,0.05060,0.72322,0.05776,0.68615,-0.08923,0.61692,0.16308,0.66233,0.07573,0.63878,0.08041,0.60154,-0.07231,0.58803,0.08767,0.55077,0.25692,0.53389,0.09207,0.50609,0.09322,g
|
||||
1,0,0.68317,0.05375,0.84803,0.00202,0.84341,0.00301,0.84300,0.09901,0.75813,0.04102,0.81892,0.00585,0.80738,0.00673,0.80622,-0.12447,0.77935,-0.03536,0.76365,0.00909,0.74635,0.00978,0.79632,-0.04243,0.70824,0.01096,0.62235,0.11598,0.66624,0.01190,0.64407,0.01227,g
|
||||
1,0,0.5,0,0.38696,0.10435,0.49130,0.06522,0.46957,-0.03913,0.35652,-0.12609,0.45652,0.04783,0.50435,0.02609,0.35652,0.19565,0.42174,0.14783,0.42174,-0.02609,0.32174,-0.11304,0.47391,-0.00870,0.41789,0.06908,0.38696,0.03913,0.35217,0.14783,0.44783,0.17391,g
|
||||
1,0,0.79830,0.09417,0.78129,0.20656,0.71628,0.28068,0.69320,0.41252,0.65917,0.50122,0.57898,0.60814,0.49210,0.58445,0.33354,0.67861,0.29587,0.63548,0.09599,0.68104,0.02066,0.72236,-0.08748,0.63183,-0.11925,0.60696,-0.18226,0.56015,-0.25516,0.51701,-0.27339,0.42467,g
|
||||
1,0,1,0.09802,1,0.25101,0.98390,0.33044,0.80365,0.53020,0.74977,0.60297,0.56937,0.71942,0.55311,0.74079,0.29452,0.82193,0.21137,0.79777,0.09709,0.82162,-0.01734,0.79870,-0.15144,0.75596,-0.22839,0.69187,-0.31713,0.60948,-0.40291,0.54522,-0.42815,0.44534,g
|
||||
1,0,0.89410,0.13425,0.87001,0.31543,0.78896,0.43388,0.63388,0.59975,0.54003,0.71016,0.39699,0.76161,0.24266,0.79523,0.09134,0.79598,-0.09159,0.76261,-0.20201,0.66926,-0.30263,0.62610,-0.40552,0.50489,-0.46215,0.40753,-0.50314,0.27252,-0.52823,0.19172,-0.48808,0.05972,g
|
||||
1,0,0.94631,0.17498,0.90946,0.33143,0.85096,0.49960,0.73678,0.63842,0.59215,0.73838,0.48698,0.83614,0.30459,0.90665,0.17959,0.93429,-0.00701,0.93109,-0.18880,0.89383,-0.33023,0.82492,-0.46534,0.76482,-0.58563,0.66335,-0.67929,0.52564,-0.75321,0.42488,-0.81210,0.26092,g
|
||||
1,0,0.91767,0.18198,0.86090,0.35543,0.72873,0.45747,0.60425,0.69865,0.50376,0.74922,0.36100,0.81795,0.15664,0.83558,0.00396,0.85210,-0.16390,0.77853,-0.35996,0.76193,-0.43087,0.65385,-0.53140,0.53886,-0.60328,0.40972,-0.64511,0.27338,-0.65710,0.13667,-0.64056,0.05394,g
|
||||
1,0,0.76627,0.21106,0.63935,0.38112,0.48409,0.52500,0.15000,0.22273,0.13753,0.59565,-0.07727,0.44545,0,0.48636,-0.27491,0.42014,-0.56136,0.36818,-0.36591,0.18864,-0.40533,0.07588,-0.38483,-0.03229,-0.33942,-0.12486,-0.27540,-0.19714,-0.19962,-0.24648,-0.11894,-0.27218,g
|
||||
1,0,0.58940,-0.60927,0.85430,0.55298,0.81126,0.07285,0.56623,0.16225,0.32781,0.24172,0.50331,0.12252,0.63907,0.19868,0.71854,0.42715,0.54305,0.13907,0.65232,0.27815,0.68874,0.07285,0.51872,0.26653,0.49013,0.27687,0.46216,0.28574,0.43484,0.29324,0.40821,0.29942,g
|
||||
1,0,1,0.11385,0.70019,-0.12144,0.81594,0.09677,0.71157,0.01139,0.56167,-0.07780,0.69070,0.12524,0.58634,0.03985,0.53131,-0.03416,0.69450,0.16888,0.72676,0.07211,0.32068,0.05882,0.53321,0.37381,0.49090,0.17951,0.15180,0.32448,0.44141,0.18897,0.56167,0.15180,g
|
||||
1,0,0.84843,0.06794,0.80562,-0.02299,0.77031,-0.03299,0.66725,-0.06620,0.59582,-0.07666,0.67260,-0.05771,0.64260,-0.06438,0.39199,0.04530,0.71254,0.01394,0.55970,-0.08039,0.53430,-0.08453,0.47038,-0.22822,0.48659,-0.09128,0.52613,-0.08537,0.44277,-0.09621,0.42223,-0.09808,g
|
||||
1,0,1,0.08013,0.96775,-0.00482,0.96683,-0.00722,0.87980,-0.03923,1,0.01419,0.96186,-0.01436,0.95947,-0.01671,0.98497,0.01002,0.91152,-0.08848,0.95016,-0.02364,0.94636,-0.02591,0.98164,0.02003,0.93772,-0.03034,1,-0.05843,0.92774,-0.03464,0.92226,-0.03673,g
|
||||
1,0,0.47938,-0.12371,0.42784,-0.12371,0.70103,-0.39175,0.73196,0.07216,0.26289,-0.21649,0.49485,0.15979,0.45361,-0.11856,0.42268,0.06186,0.5,-0.27320,0.54639,0.18557,0.42268,0.08247,0.70619,0.19588,0.53396,-0.12447,0.15464,-0.26289,0.47423,0.04124,0.45361,-0.51546,g
|
||||
1,0,0.63510,-0.04388,0.76530,0.02968,0.61432,0.36028,0.65358,-0.00462,0.64203,0.08314,0.79446,-0.43418,0.72517,0.54965,0.59584,0.13857,0.63510,0.21940,0.63279,-0.25404,0.70951,0.15359,0.64665,0.23095,0.68775,0.17704,0.61663,0.07621,0.66316,0.19841,0.69053,0.36721,g
|
||||
1,0,0.50112,-0.03596,0.61124,0.01348,0.58876,0.01573,0.58876,0.02472,0.66742,-0.00449,0.71685,-0.04719,0.66517,0.00899,0.57303,0.02472,0.64719,-0.07416,0.56854,0.14157,0.57528,-0.03596,0.46517,0.04944,0.56588,0.00824,0.47640,-0.03596,0.54607,0.10562,0.60674,-0.08090,g
|
||||
1,0,0.71521,-0.00647,0.66667,-0.04207,0.63107,-0.05178,0.77994,0.08091,0.67314,0.09709,0.64725,0.15858,0.60194,-0.01942,0.54369,-0.04531,0.46926,-0.10032,0.64725,0.14887,0.39159,0.21683,0.52427,-0.05502,0.45105,0.00040,0.31392,-0.06796,0.49191,-0.10680,0.30421,-0.05178,g
|
||||
1,0,0.68148,0.10370,0.77037,0.03457,0.65185,0.08148,0.60988,-0.00494,0.79012,0.11852,0.59753,0.04938,0.62469,0.09630,0.78272,-0.17531,0.73827,-0.10864,0.48642,0.00988,0.60988,0.08148,0.66667,-0.12840,0.63773,-0.02451,0.76543,0.02222,0.61235,-0.07160,0.51358,-0.04691,g
|
||||
1,0,0.60678,-0.02712,0.67119,0.04068,0.52881,-0.04407,0.50508,0.03729,0.70508,-0.07797,0.57966,-0.02034,0.53220,0.07797,0.64068,0.11864,0.56949,-0.02373,0.53220,0.00678,0.71525,-0.03390,0.52881,-0.03390,0.57262,0.00750,0.58644,-0.00339,0.58983,-0.02712,0.50169,0.06780,g
|
||||
1,0,0.49515,0.09709,0.29612,0.05825,0.34951,0,0.57282,-0.02427,0.58252,0.02427,0.33495,0.04854,0.52427,0.00485,0.47087,-0.10680,0.43204,0.00485,0.34951,0.05825,0.18932,0.25728,0.31068,-0.15049,0.36547,0.03815,0.39320,0.17476,0.26214,0,0.37379,-0.01942,g
|
||||
1,0,0.98822,0.02187,0.93102,0.34100,0.83904,0.35222,0.74706,0.48906,0.73584,0.51879,0.55076,0.60179,0.43130,0.66237,0.31800,0.70443,0.28379,0.68873,0.07515,0.73696,0.06338,0.71284,-0.16489,0.69714,-0.16556,0.60510,-0.16209,0.55805,-0.34717,0.44195,-0.33483,0.37465,g
|
||||
1,0,0.97905,0.15810,0.90112,0.35237,0.82039,0.48561,0.71760,0.64888,0.58827,0.73743,0.40349,0.83156,0.25140,0.84804,0.04700,0.85475,-0.12193,0.79749,-0.26180,0.80754,-0.37835,0.71676,-0.51034,0.58324,-0.57587,0.46040,-0.61899,0.30796,-0.65754,0.18345,-0.64134,0.02968,g
|
||||
1,0,0.99701,0.21677,0.91966,0.47030,0.76902,0.62415,0.53312,0.78120,0.36774,0.88291,0.10107,0.83312,-0.06827,0.89274,-0.28269,0.72073,-0.43707,0.61688,-0.55769,0.48120,-0.65000,0.35534,-0.64658,0.15908,-0.66651,0.02277,-0.64872,-0.13462,-0.54615,-0.22949,-0.47201,-0.35032,g
|
||||
1,0,0.94331,0.19959,0.96132,0.40803,0.80514,0.56569,0.56687,0.70830,0.41836,0.83230,0.14939,0.89489,0.05167,0.93682,-0.24742,0.83939,-0.42811,0.75554,-0.50251,0.62563,-0.65515,0.50428,-0.68851,0.30912,-0.77097,0.15619,-0.75406,-0.04399,-0.75199,-0.17921,-0.66932,-0.34367,g
|
||||
1,0,0.93972,0.28082,0.80486,0.52821,0.58167,0.73151,0.34961,0.80511,0.10797,0.90403,-0.20015,0.89335,-0.39730,0.82163,-0.58835,0.62867,-0.76305,0.40368,-0.81262,0.18888,-0.81317,-0.04284,-0.75273,-0.26883,-0.63237,-0.46438,-0.46422,-0.61446,-0.26389,-0.70835,-0.08937,-0.71273,g
|
||||
1,0,0.89835,0.35157,0.67333,0.62233,0.43898,0.94353,-0.03643,0.80510,-0.22838,0.75334,-0.25137,0.48816,-0.57377,0.28415,-0.66750,0.10591,-0.47359,-0.06193,-0.81056,-0.06011,-0.33197,-0.47592,-0.12897,-0.53620,0.07158,-0.51925,0.24321,-0.43478,0.36586,-0.30057,0.42805,0.13297,g
|
||||
1,0,0.29073,0.10025,0.23308,0.17293,0.03759,0.34336,0.12030,0.26316,0.06266,0.21303,-0.04725,0.12767,-0.06333,0.07907,-0.06328,0.04097,-0.05431,0.01408,-0.04166,-0.00280,-0.02876,-0.01176,-0.01755,-0.01505,-0.00886,-0.01475,-0.00280,-0.01250,0.00096,-0.00948,0.00290,-0.00647,g
|
||||
1,0,0.58459,-0.35526,1,0.35338,0.75376,-0.00564,0.82519,0.19361,0.50188,-0.27632,0.65977,0.06391,0.69737,0.14662,0.72368,-0.42669,0.76128,0.04511,0.66917,0.20489,0.84774,-0.40977,0.64850,-0.04699,0.56836,-0.10571,0.52820,-0.13346,0.15602,-0.12218,0.44767,-0.10309,g
|
||||
1,0,0.83609,0.13215,0.72171,0.06059,0.65829,0.08315,0.23888,0.12961,0.43837,0.20330,0.49418,0.12686,0.44747,0.13507,0.29352,0.02922,0.48158,0.15756,0.32835,0.14616,0.29495,0.14638,0.26436,0.14530,0.23641,0.14314,0.26429,0.16137,0.18767,0.13632,0.16655,0.13198,g
|
||||
1,0,0.94080,0.11933,0.85738,0.01038,0.85124,0.01546,0.76966,-0.00278,0.84459,0.10916,0.83289,0.03027,0.82680,0.03506,0.74838,0.01943,0.80019,0.02405,0.80862,0.04901,0.80259,0.05352,0.77336,0.02220,0.79058,0.06235,0.85939,0.09251,0.77863,0.07090,0.77269,0.07508,g
|
||||
1,0,0.87111,0.04326,0.79946,0.18297,0.99009,0.29292,0.89455,-0.08337,0.88598,-0.02028,0.90446,-0.26724,0.89410,0.19964,0.88644,-0.04642,0.84452,-0.00991,0.97882,-0.34024,0.78954,-0.25101,0.86661,-0.09193,0.85967,-0.02908,0.78774,-0.04101,0.75935,0.21812,0.88238,0.09193,g
|
||||
1,0,0.74916,0.02549,0.98994,0.09792,0.75855,0.12877,0.74313,-0.09188,0.95842,0.02482,0.97921,-0.00469,0.96110,0.10195,0.91482,0.03756,0.71026,0.02683,0.81221,-0.08048,1,0,0.71764,-0.01207,0.82271,0.02552,0.72435,-0.01073,0.90409,0.11066,0.72837,0.02750,g
|
||||
1,0,0.47337,0.19527,0.06213,-0.18343,0.62316,0.01006,0.45562,-0.04438,0.56509,0.01775,0.44675,0.27515,0.71598,-0.03846,0.55621,0.12426,0.41420,0.11538,0.52767,0.02842,0.51183,-0.10651,0.47929,-0.02367,0.46514,0.03259,0.53550,0.25148,0.31953,-0.14497,0.34615,-0.00296,g
|
||||
1,0,0.59887,0.14689,0.69868,-0.13936,0.85122,-0.13936,0.80979,0.02448,0.50471,0.02825,0.67420,-0.04520,0.80791,-0.13748,0.51412,-0.24482,0.81544,-0.14313,0.70245,-0.00377,0.33333,0.06215,0.56121,-0.33145,0.61444,-0.16837,0.52731,-0.02072,0.53861,-0.31262,0.67420,-0.22034,g
|
||||
1,0,0.84713,-0.03397,0.86412,-0.08493,0.81953,0,0.73673,-0.07643,0.71975,-0.13588,0.74947,-0.11677,0.77495,-0.18684,0.78132,-0.21231,0.61996,-0.10191,0.79193,-0.15711,0.89384,-0.03397,0.84926,-0.26115,0.74115,-0.23312,0.66242,-0.22293,0.72611,-0.37792,0.65817,-0.24841,g
|
||||
1,0,0.87772,-0.08152,0.83424,0.07337,0.84783,0.04076,0.77174,-0.02174,0.77174,-0.05707,0.82337,-0.10598,0.67935,-0.00543,0.88043,-0.20924,0.83424,0.03261,0.86413,-0.05978,0.97283,-0.27989,0.85054,-0.18750,0.83705,-0.10211,0.85870,-0.03261,0.78533,-0.10870,0.79076,-0.00543,g
|
||||
1,0,0.74704,-0.13241,0.53755,0.16996,0.72727,0.09486,0.69565,-0.11067,0.66798,-0.23518,0.87945,-0.19170,0.73715,0.04150,0.63043,-0.00395,0.63636,-0.11858,0.79249,-0.25296,0.66403,-0.28656,0.67194,-0.10474,0.61847,-0.12041,0.60079,-0.20949,0.37549,0.06917,0.61067,-0.01383,g
|
||||
1,0,0.46785,0.11308,0.58980,0.00665,0.55432,0.06874,0.47894,-0.13969,0.52993,0.01330,0.63858,-0.16186,0.67849,-0.03326,0.54545,-0.13525,0.52993,-0.04656,0.47894,-0.19512,0.50776,-0.13525,0.41463,-0.20177,0.53930,-0.11455,0.59867,-0.02882,0.53659,-0.11752,0.56319,-0.04435,g
|
||||
1,0,0.88116,0.27475,0.72125,0.42881,0.61559,0.63662,0.38825,0.90502,0.09831,0.96128,-0.20097,0.89200,-0.35737,0.77500,-0.65114,0.62210,-0.78768,0.45535,-0.81856,0.19095,-0.83943,-0.08079,-0.78334,-0.26356,-0.67557,-0.45511,-0.54732,-0.60858,-0.30512,-0.66700,-0.19312,-0.75597,g
|
||||
1,0,0.93147,0.29282,0.79917,0.55756,0.59952,0.71596,0.26203,0.92651,0.04636,0.96748,-0.23237,0.95130,-0.55926,0.81018,-0.73329,0.62385,-0.90995,0.36200,-0.92254,0.06040,-0.93618,-0.19838,-0.83192,-0.46906,-0.65165,-0.69556,-0.41223,-0.85725,-0.13590,-0.93953,0.10007,-0.94823,g
|
||||
1,0,0.88241,0.30634,0.73232,0.57816,0.34109,0.58527,0.05717,1,-0.09238,0.92118,-0.62403,0.71996,-0.69767,0.32558,-0.81422,0.41195,-1,-0.00775,-0.78973,-0.41085,-0.76901,-0.45478,-0.57242,-0.67605,-0.31610,-0.81876,-0.02979,-0.86841,0.25392,-0.82127,0.00194,-0.81686,g
|
||||
1,0,0.83479,0.28993,0.69256,0.47702,0.49234,0.68381,0.21991,0.86761,-0.08096,0.85011,-0.35558,0.77681,-0.52735,0.58425,-0.70350,0.31291,-0.75821,0.03939,-0.71225,-0.15317,-0.58315,-0.39168,-0.37199,-0.52954,-0.16950,-0.60863,0.08425,-0.61488,0.25164,-0.48468,0.40591,-0.35339,g
|
||||
1,0,0.92870,0.33164,0.76168,0.62349,0.49305,0.84266,0.21592,0.95193,-0.13956,0.96167,-0.47202,0.83590,-0.70747,0.65490,-0.87474,0.36750,-0.91814,0.05595,-0.89824,-0.26173,-0.73969,-0.54069,-0.50757,-0.74735,-0.22323,-0.86122,0.07810,-0.87159,0.36021,-0.78057,0.59407,-0.60270,g
|
||||
1,0,0.83367,0.31456,0.65541,0.57671,0.34962,0.70677,0.17293,0.78947,-0.18976,0.79886,-0.41729,0.66541,-0.68421,0.47744,-0.74725,0.19492,-0.72180,-0.04887,-0.62030,-0.28195,-0.49165,-0.53463,-0.26577,-0.66014,-0.01530,-0.69706,0.22708,-0.64428,0.43100,-0.51206,0.64662,-0.30075,g
|
||||
1,0,0.98455,-0.02736,0.98058,-0.04104,1,-0.07635,0.98720,0.01456,0.95278,-0.02604,0.98500,-0.07458,0.99382,-0.07149,0.97396,-0.09532,0.97264,-0.12224,0.99294,-0.05252,0.95278,-0.08914,0.97352,-0.08341,0.96653,-0.12912,0.93469,-0.14916,0.97132,-0.15755,0.96778,-0.18800,g
|
||||
1,0,0.94052,-0.01531,0.94170,0.01001,0.94994,-0.01472,0.95878,-0.01060,0.94641,-0.03710,0.97173,-0.01767,0.97055,-0.03887,0.95465,-0.04064,0.95230,-0.04711,0.94229,-0.02179,0.92815,-0.04417,0.92049,-0.04476,0.92695,-0.05827,0.90342,-0.07479,0.91991,-0.07244,0.92049,-0.07420,g
|
||||
1,0,0.97032,-0.14384,0.91324,-0.00228,0.96575,-0.17123,0.98630,0.18265,0.91781,0.00228,0.93607,-0.08447,0.91324,-0.00228,0.86758,-0.08676,0.97032,-0.21233,1,0.10274,0.92009,-0.05251,0.92466,0.06849,0.94043,-0.09252,0.97032,-0.20091,0.85388,-0.08676,0.96575,-0.21918,g
|
||||
1,0,0.52542,-0.03390,0.94915,0.08475,0.52542,-0.16949,0.30508,-0.01695,0.50847,-0.13559,0.64407,0.28814,0.83051,-0.35593,0.54237,0.01695,0.55932,0.03390,0.59322,0.30508,0.86441,0.05085,0.40678,0.15254,0.67287,-0.00266,0.66102,-0.03390,0.83051,-0.15254,0.76271,-0.10169,g
|
||||
1,0,0.33333,-0.25000,0.44444,0.22222,0.38889,0.16667,0.41667,0.13889,0.5,-0.11111,0.54911,-0.08443,0.58333,0.33333,0.55556,0.02778,0.25000,-0.19444,0.47222,-0.05556,0.52778,-0.02778,0.38889,0.08333,0.41543,-0.14256,0.19444,-0.13889,0.36924,-0.14809,0.08333,-0.5,g
|
||||
1,0,0.51207,1,1,0.53810,0.71178,0.80833,0.45622,0.46427,0.33081,1,0.21249,1,-0.17416,1,-0.33081,0.98722,-0.61382,1,-0.52674,0.71699,-0.88500,0.47894,-1,0.35175,-1,0.09569,-1,-0.16713,-1,-0.42226,-0.91903,-0.65557,g
|
||||
1,0,0.75564,0.49638,0.83550,0.54301,0.54916,0.72063,0.35225,0.70792,0.13469,0.94749,-0.09818,0.93778,-0.37604,0.82223,-0.52742,0.71161,-0.68358,0.67989,-0.70163,0.24956,-0.79147,0.02995,-0.98988,-0.29099,-0.70352,-0.32792,-0.63312,-0.19185,-0.34131,-0.60454,-0.19609,-0.62956,g
|
||||
1,0,0.83789,0.42904,0.72113,0.58385,0.45625,0.78115,0.16470,0.82732,-0.13012,0.86947,-0.46177,0.78497,-0.59435,0.52070,-0.78470,0.26529,-0.84014,0.03928,-0.62041,-0.31351,-0.47412,-0.48905,-0.37298,-0.67796,-0.05054,-0.62691,0.14690,-0.45911,0.37093,-0.39167,0.48319,-0.24313,g
|
||||
1,0,0.93658,0.35107,0.75254,0.65640,0.45571,0.88576,0.15323,0.95776,-0.21775,0.96301,-0.56535,0.83397,-0.78751,0.58045,-0.93104,0.26020,-0.93641,-0.06418,-0.87028,-0.40949,-0.65079,-0.67464,-0.36799,-0.84951,-0.04578,-0.91221,0.27330,-0.85762,0.54827,-0.69613,0.74828,-0.44173,g
|
||||
1,0,0.92436,0.36924,0.71976,0.68420,0.29303,0.94078,-0.11108,0.76527,-0.31605,0.92453,-0.66616,0.78766,-0.92145,0.42314,-0.94315,0.09585,-1,0.03191,-0.66431,-0.66278,-0.46010,-0.78174,-0.13486,-0.88082,0.19765,-0.85137,0.48904,-0.70247,0.69886,-0.46048,0.76066,-0.13194,g
|
||||
1,0,1,0.16195,1,-0.05558,1,0.01373,1,-0.12352,1,-0.01511,1,-0.01731,1,-0.06374,1,-0.07157,1,0.05900,1,-0.10108,1,-0.02685,1,-0.22978,1,-0.06823,1,0.08299,1,-0.14194,1,-0.07439,g
|
||||
1,0,0.95559,-0.00155,0.86421,-0.13244,0.94982,-0.00461,0.82809,-0.51171,0.92441,0.10368,1,-0.14247,0.99264,-0.02542,0.95853,-0.15518,0.84013,0.61739,1,-0.16321,0.87492,-0.08495,0.85741,-0.01664,0.84132,-0.01769,0.82427,-0.01867,0.80634,-0.01957,0.78761,-0.02039,g
|
||||
1,0,0.79378,0.29492,0.64064,0.52312,0.41319,0.68158,0.14177,0.83548,-0.16831,0.78772,-0.42911,0.72328,-0.57165,0.41471,-0.75436,0.16755,-0.69977,-0.09856,-0.57695,-0.23503,-0.40637,-0.38287,-0.17437,-0.52540,0.01523,-0.48707,0.19030,-0.38059,0.31008,-0.23199,0.34572,-0.08036,g
|
||||
1,0,0.88085,0.35232,0.68389,0.65128,0.34816,0.79784,0.05832,0.90842,-0.29784,0.86490,-0.62635,0.69590,-0.77106,0.39309,-0.85803,0.08408,-0.81641,-0.24017,-0.64579,-0.50022,-0.39766,-0.68337,-0.11147,-0.75533,0.17041,-0.71504,0.40675,-0.57649,0.56626,-0.36765,0.62765,-0.13305,g
|
||||
1,0,0.89589,0.39286,0.66129,0.71804,0.29521,0.90824,-0.04787,0.94415,-0.45725,0.84605,-0.77660,0.58511,-0.92819,0.25133,-0.92282,-0.15315,-0.76064,-0.48404,-0.50931,-0.76197,-0.14895,-0.88591,0.21581,-0.85703,0.53229,-0.68593,0.74846,-0.40656,0.83142,-0.07029,0.76862,0.27926,g
|
||||
1,0,1,-0.24051,1,-0.20253,0.87342,-0.10127,0.88608,0.01266,1,0.11392,0.92405,0.06329,0.84810,-0.03797,0.63291,-0.36709,0.87342,-0.01266,0.93671,0.06329,1,0.25316,0.62025,-0.37975,0.84637,-0.05540,1,-0.06329,0.53165,0.02532,0.83544,-0.02532,g
|
||||
1,0,0.74790,0.00840,0.83312,0.01659,0.82638,0.02469,0.86555,0.01681,0.60504,0.05882,0.79093,0.04731,0.77441,0.05407,0.64706,0.19328,0.84034,0.04202,0.71285,0.07122,0.68895,0.07577,0.66387,0.08403,0.63728,0.08296,0.61345,0.01681,0.58187,0.08757,0.55330,0.08891,g
|
||||
1,0,0.85013,0.01809,0.92211,0.01456,0.92046,0.02180,0.92765,0.08010,0.87597,0.11370,0.91161,0.04320,0.90738,0.05018,0.87339,0.02842,0.95866,0,0.89097,0.07047,0.88430,0.07697,0.83721,0.10853,0.86923,0.08950,0.87597,0.08786,0.85198,0.10134,0.84258,0.10698,g
|
||||
1,0,1,-0.01179,1,-0.00343,1,-0.01565,1,-0.01565,1,-0.02809,1,-0.02187,0.99828,-0.03087,0.99528,-0.03238,0.99314,-0.03452,1,-0.03881,1,-0.05039,1,-0.04931,0.99842,-0.05527,0.99400,-0.06304,0.99057,-0.06497,0.98971,-0.06668,g
|
||||
1,0,0.89505,-0.03168,0.87525,0.05545,0.89505,0.01386,0.92871,0.02772,0.91287,-0.00990,0.94059,-0.01584,0.91881,0.03366,0.93663,0,0.94257,0.01386,0.90495,0.00792,0.88713,-0.01782,0.89307,0.02376,0.89002,0.01611,0.88119,0.00198,0.87327,0.04158,0.86733,0.02376,g
|
||||
1,0,0.90071,0.01773,1,-0.01773,0.90071,0.00709,0.84752,0.05674,1,0.03546,0.97872,0.01064,0.97518,0.03546,1,-0.03191,0.89716,-0.03191,0.86170,0.07801,1,0.09220,0.90071,0.04610,0.94305,0.03247,0.94681,0.02482,1,0.01064,0.93617,0.02128,g
|
||||
1,0,0.39394,-0.24242,0.62655,0.01270,0.45455,0.09091,0.63636,0.09091,0.21212,-0.21212,0.57576,0.15152,0.39394,0,0.56156,0.04561,0.51515,0.03030,0.78788,0.18182,0.30303,-0.15152,0.48526,0.05929,0.46362,0.06142,0.33333,-0.03030,0.41856,0.06410,0.39394,0.24242,g
|
||||
1,0,0.86689,0.35950,0.72014,0.66667,0.37201,0.83049,0.08646,0.85893,-0.24118,0.86121,-0.51763,0.67577,-0.68714,0.41524,-0.77019,0.09898,-0.69397,-0.13652,-0.49488,-0.42207,-0.32537,-0.57679,-0.02844,-0.59954,0.15360,-0.53127,0.32309,-0.37088,0.46189,-0.19681,0.40956,0.01820,g
|
||||
1,0,0.89563,0.37917,0.67311,0.69438,0.35916,0.88696,-0.04193,0.93345,-0.38875,0.84414,-0.67274,0.62078,-0.82680,0.30356,-0.86150,-0.05365,-0.73564,-0.34275,-0.51778,-0.62443,-0.23428,-0.73855,0.06911,-0.73856,0.33531,-0.62296,0.52414,-0.42086,0.61217,-0.17343,0.60073,0.08660,g
|
||||
1,0,0.90547,0.41113,0.65354,0.74761,0.29921,0.95905,-0.13342,0.97820,-0.52236,0.83263,-0.79657,0.55086,-0.96631,0.15192,-0.93001,-0.25554,-0.71863,-0.59379,-0.41546,-0.85205,-0.02250,-0.93788,0.36318,-0.85368,0.67538,-0.61959,0.85977,-0.28123,0.88654,0.09800,0.75495,0.46301,g
|
||||
1,0,1,1,0.36700,0.06158,0.12993,0.92713,-0.27586,0.93596,-0.31527,0.37685,-0.87192,0.36946,-0.92857,-0.08867,-0.38916,-0.34236,-0.46552,-0.82512,-0.05419,-0.93596,0.25616,-0.20443,0.73792,-0.45950,0.85471,-0.06831,1,1,0.38670,0.00246,0.17758,0.79790,g
|
||||
1,0,1,0.51515,0.45455,0.33333,0.06061,0.36364,-0.32104,0.73062,-0.45455,0.48485,-0.57576,0,-0.57576,-0.12121,-0.33333,-0.48485,-0.09091,-0.84848,0.48485,-0.57576,0.57576,-0.42424,1,-0.39394,0.72961,0.12331,0.96970,0.57576,0.24242,0.36364,0.09091,0.33333,g
|
||||
1,0,0.88110,0,0.94817,-0.02744,0.93598,-0.01220,0.90244,0.01829,0.90244,0.01829,0.93902,0.00915,0.95732,0.00305,1,0.02744,0.94207,-0.01220,0.90854,0.02439,0.91463,0.05488,0.99695,0.04878,0.89666,0.02226,0.90854,0.00915,1,0.05488,0.97561,-0.01220,g
|
||||
1,0,0.82624,0.08156,0.79078,-0.08156,0.90426,-0.01773,0.92908,0.01064,0.80142,0.08865,0.94681,-0.00709,0.94326,0,0.93262,0.20213,0.95035,-0.00709,0.91489,0.00709,0.80496,0.07092,0.91135,0.15957,0.89527,0.08165,0.77660,0.06738,0.92553,0.18085,0.92553,0,g
|
||||
1,0,0.74468,0.10638,0.88706,0.00982,0.88542,0.01471,0.87234,-0.01418,0.73050,0.10638,0.87657,0.02912,0.87235,0.03382,0.95745,0.07801,0.95035,0.04255,0.85597,0.04743,0.84931,0.05178,0.87234,0.11348,0.83429,0.06014,0.74468,-0.03546,0.81710,0.06800,0.80774,0.07173,g
|
||||
1,0,0.87578,0.03727,0.89951,0.00343,0.89210,0.00510,0.86335,0,0.95031,0.07453,0.87021,0.00994,0.86303,0.01151,0.83851,-0.06211,0.85714,0.02484,0.84182,0.01603,0.83486,0.01749,0.79503,-0.04348,0.82111,0.02033,0.81988,0.08696,0.80757,0.02308,0.80088,0.02441,g
|
||||
1,0,0.97513,0.00710,0.98579,0.01954,1,0.01954,0.99290,0.01599,0.95737,0.02309,0.97158,0.03552,1,0.03730,0.97869,0.02131,0.98579,0.05684,0.97158,0.04796,0.94494,0.05506,0.98401,0.03552,0.97540,0.06477,0.94849,0.08171,0.99112,0.06217,0.98934,0.09947,g
|
||||
1,0,1,0.01105,1,0.01105,1,0.02320,0.99448,-0.01436,0.99448,-0.00221,0.98343,0.02320,1,0.00884,0.97569,0.00773,0.97901,0.01657,0.98011,0.00663,0.98122,0.02099,0.97127,-0.00663,0.98033,0.01600,0.97901,0.01547,0.98564,0.02099,0.98674,0.02762,g
|
||||
1,0,1,-0.01342,1,0.01566,1,-0.00224,1,0.06264,0.97763,0.04474,0.95973,0.02908,1,0.06488,0.98881,0.03356,1,0.03579,0.99776,0.09396,0.95749,0.07383,1,0.10067,0.99989,0.08763,0.99105,0.08501,1,0.10067,1,0.10067,g
|
||||
1,0,0.88420,0.36724,0.67123,0.67382,0.39613,0.86399,0.02424,0.93182,-0.35148,0.83713,-0.60316,0.58842,-0.78658,0.38778,-0.83285,-0.00642,-0.69318,-0.32963,-0.52504,-0.53924,-0.27377,-0.68126,0.00806,-0.69774,0.26028,-0.60678,0.44569,-0.43383,0.54209,-0.21542,0.56286,0.02823,g
|
||||
1,0,0.90147,0.41786,0.64131,0.75725,0.30440,0.95148,-0.20449,0.96534,-0.55483,0.81191,-0.81857,0.50949,-0.96986,0.10345,-0.91456,-0.31412,-0.70163,-0.65461,-0.32354,-0.88999,0.05865,-0.94172,0.44483,-0.82154,0.74105,-0.55231,0.89415,-0.18725,0.87893,0.20359,0.70555,0.54852,g
|
||||
1,0,0.32789,0.11042,0.15970,0.29308,0.14020,0.74485,-0.25131,0.91993,-0.16503,0.26664,-0.63714,0.24865,-0.97650,-0.00337,-0.23227,-0.19909,-0.30522,-0.48886,-0.14426,-0.89991,0.09345,-0.28916,0.28307,-0.18560,0.39599,-0.11498,0.31005,0.05614,0.21443,0.20540,0.13376,0.26422,g
|
||||
1,0,0.65845,0.43617,0.44681,0.74804,0.05319,0.85106,-0.32027,0.82139,-0.68253,0.52408,-0.84211,0.07111,-0.82811,-0.28723,-0.47032,-0.71725,-0.04759,-0.86002,0.23292,-0.76316,0.56663,-0.52128,0.74300,-0.18645,0.74758,0.23713,0.45185,0.59071,0.20549,0.76764,-0.18533,0.74356,g
|
||||
1,0,0.19466,0.05725,0.04198,0.25191,-0.10557,0.48866,-0.18321,-0.18321,-0.41985,0.06107,-0.45420,0.09160,-0.16412,-0.30534,-0.10305,-0.39695,0.18702,-0.17557,0.34012,-0.11953,0.28626,-0.16031,0.21645,0.24692,0.03913,0.31092,-0.03817,0.26336,-0.16794,0.16794,-0.30153,-0.33588,g
|
||||
1,0,0.98002,0.00075,1,0,0.98982,-0.00075,0.94721,0.02394,0.97700,0.02130,0.97888,0.03073,0.99170,0.02338,0.93929,0.05713,0.93552,0.05279,0.97738,0.05524,1,0.06241,0.94155,0.08107,0.96709,0.07255,0.95701,0.08088,0.98190,0.08126,0.97247,0.08616,g
|
||||
1,0,0.82254,-0.07572,0.80462,0.00231,0.87514,-0.01214,0.86821,-0.07514,0.72832,-0.11734,0.84624,0.05029,0.83121,-0.07399,0.74798,0.06705,0.78324,0.06358,0.86763,-0.02370,0.78844,-0.06012,0.74451,-0.02370,0.76717,-0.02731,0.74046,-0.07630,0.70058,-0.04220,0.78439,0.01214,g
|
||||
1,0,0.35346,-0.13768,0.69387,-0.02423,0.68195,-0.03574,0.55717,-0.06119,0.61836,-0.10467,0.62099,-0.06527,0.59361,-0.07289,0.42271,-0.26409,0.58213,0.04992,0.49736,-0.08771,0.46241,-0.08989,0.45008,-0.00564,0.39146,-0.09038,0.35588,-0.10306,0.32232,-0.08637,0.28943,-0.08300,g
|
||||
1,0,0.76046,0.01092,0.86335,0.00258,0.85821,0.00384,0.79988,0.02304,0.81504,0.12068,0.83096,0.00744,0.81815,0.00854,0.82777,-0.06974,0.76531,0.03881,0.76979,0.01148,0.75071,0.01232,0.77138,-0.00303,0.70886,0.01375,0.66161,0.00849,0.66298,0.01484,0.63887,0.01525,g
|
||||
1,0,0.66667,-0.01366,0.97404,0.06831,0.49590,0.50137,0.75683,-0.00273,0.65164,-0.14071,0.40164,-0.48907,0.39208,0.58743,0.76776,0.31831,0.78552,0.11339,0.47541,-0.44945,1,0.00683,0.60656,0.06967,0.68656,0.17088,0.87568,0.07787,0.55328,0.24590,0.13934,0.48087,g
|
||||
1,0,0.83508,0.08298,0.73739,-0.14706,0.84349,-0.05567,0.90441,-0.04622,0.89391,0.13130,0.81197,0.06723,0.79307,-0.08929,1,-0.02101,0.96639,0.06618,0.87605,0.01155,0.77521,0.06618,0.95378,-0.04202,0.83479,0.00123,1,0.12815,0.86660,-0.10714,0.90546,-0.04307,g
|
||||
1,0,0.95113,0.00419,0.95183,-0.02723,0.93438,-0.01920,0.94590,0.01606,0.96510,0.03281,0.94171,0.07330,0.94625,-0.01326,0.97173,0.00140,0.94834,0.06038,0.92670,0.08412,0.93124,0.10087,0.94520,0.01361,0.93522,0.04925,0.93159,0.08168,0.94066,-0.00035,0.91483,0.04712,g
|
||||
1,0,0.94701,-0.00034,0.93207,-0.03227,0.95177,-0.03431,0.95584,0.02446,0.94124,0.01766,0.92595,0.04688,0.93954,-0.01461,0.94837,0.02004,0.93784,0.01393,0.91406,0.07677,0.89470,0.06148,0.93988,0.03193,0.92489,0.02542,0.92120,0.02242,0.92459,0.00442,0.92697,-0.00577,g
|
||||
1,0,0.90608,-0.01657,0.98122,-0.01989,0.95691,-0.03646,0.85746,0.00110,0.89724,-0.03315,0.89061,-0.01436,0.90608,-0.04530,0.91381,-0.00884,0.80773,-0.12928,0.88729,0.01215,0.92155,-0.02320,0.91050,-0.02099,0.89147,-0.07760,0.82983,-0.17238,0.96022,-0.03757,0.87403,-0.16243,g
|
||||
1,0,0.84710,0.13533,0.73638,-0.06151,0.87873,0.08260,0.88928,-0.09139,0.78735,0.06678,0.80668,-0.00351,0.79262,-0.01054,0.85764,-0.04569,0.87170,-0.03515,0.81722,-0.09490,0.71002,0.04394,0.86467,-0.15114,0.81147,-0.04822,0.78207,-0.00703,0.75747,-0.06678,0.85764,-0.06151,g
|
||||
%
|
||||
%
|
||||
%
|
225
datasets/iris.arff
Executable file
225
datasets/iris.arff
Executable file
@@ -0,0 +1,225 @@
|
||||
% 1. Title: Iris Plants Database
|
||||
%
|
||||
% 2. Sources:
|
||||
% (a) Creator: R.A. Fisher
|
||||
% (b) Donor: Michael Marshall (MARSHALL%PLU@io.arc.nasa.gov)
|
||||
% (c) Date: July, 1988
|
||||
%
|
||||
% 3. Past Usage:
|
||||
% - Publications: too many to mention!!! Here are a few.
|
||||
% 1. Fisher,R.A. "The use of multiple measurements in taxonomic problems"
|
||||
% Annual Eugenics, 7, Part II, 179-188 (1936); also in "Contributions
|
||||
% to Mathematical Statistics" (John Wiley, NY, 1950).
|
||||
% 2. Duda,R.O., & Hart,P.E. (1973) Pattern Classification and Scene Analysis.
|
||||
% (Q327.D83) John Wiley & Sons. ISBN 0-471-22361-1. See page 218.
|
||||
% 3. Dasarathy, B.V. (1980) "Nosing Around the Neighborhood: A New System
|
||||
% Structure and Classification Rule for Recognition in Partially Exposed
|
||||
% Environments". IEEE Transactions on Pattern Analysis and Machine
|
||||
% Intelligence, Vol. PAMI-2, No. 1, 67-71.
|
||||
% -- Results:
|
||||
% -- very low misclassification rates (0% for the setosa class)
|
||||
% 4. Gates, G.W. (1972) "The Reduced Nearest Neighbor Rule". IEEE
|
||||
% Transactions on Information Theory, May 1972, 431-433.
|
||||
% -- Results:
|
||||
% -- very low misclassification rates again
|
||||
% 5. See also: 1988 MLC Proceedings, 54-64. Cheeseman et al's AUTOCLASS II
|
||||
% conceptual clustering system finds 3 classes in the data.
|
||||
%
|
||||
% 4. Relevant Information:
|
||||
% --- This is perhaps the best known database to be found in the pattern
|
||||
% recognition literature. Fisher's paper is a classic in the field
|
||||
% and is referenced frequently to this day. (See Duda & Hart, for
|
||||
% example.) The data set contains 3 classes of 50 instances each,
|
||||
% where each class refers to a type of iris plant. One class is
|
||||
% linearly separable from the other 2; the latter are NOT linearly
|
||||
% separable from each other.
|
||||
% --- Predicted attribute: class of iris plant.
|
||||
% --- This is an exceedingly simple domain.
|
||||
%
|
||||
% 5. Number of Instances: 150 (50 in each of three classes)
|
||||
%
|
||||
% 6. Number of Attributes: 4 numeric, predictive attributes and the class
|
||||
%
|
||||
% 7. Attribute Information:
|
||||
% 1. sepal length in cm
|
||||
% 2. sepal width in cm
|
||||
% 3. petal length in cm
|
||||
% 4. petal width in cm
|
||||
% 5. class:
|
||||
% -- Iris Setosa
|
||||
% -- Iris Versicolour
|
||||
% -- Iris Virginica
|
||||
%
|
||||
% 8. Missing Attribute Values: None
|
||||
%
|
||||
% Summary Statistics:
|
||||
% Min Max Mean SD Class Correlation
|
||||
% sepal length: 4.3 7.9 5.84 0.83 0.7826
|
||||
% sepal width: 2.0 4.4 3.05 0.43 -0.4194
|
||||
% petal length: 1.0 6.9 3.76 1.76 0.9490 (high!)
|
||||
% petal width: 0.1 2.5 1.20 0.76 0.9565 (high!)
|
||||
%
|
||||
% 9. Class Distribution: 33.3% for each of 3 classes.
|
||||
|
||||
@RELATION iris
|
||||
|
||||
@ATTRIBUTE sepallength REAL
|
||||
@ATTRIBUTE sepalwidth REAL
|
||||
@ATTRIBUTE petallength REAL
|
||||
@ATTRIBUTE petalwidth REAL
|
||||
@ATTRIBUTE class {Iris-setosa,Iris-versicolor,Iris-virginica}
|
||||
|
||||
@DATA
|
||||
5.1,3.5,1.4,0.2,Iris-setosa
|
||||
4.9,3.0,1.4,0.2,Iris-setosa
|
||||
4.7,3.2,1.3,0.2,Iris-setosa
|
||||
4.6,3.1,1.5,0.2,Iris-setosa
|
||||
5.0,3.6,1.4,0.2,Iris-setosa
|
||||
5.4,3.9,1.7,0.4,Iris-setosa
|
||||
4.6,3.4,1.4,0.3,Iris-setosa
|
||||
5.0,3.4,1.5,0.2,Iris-setosa
|
||||
4.4,2.9,1.4,0.2,Iris-setosa
|
||||
4.9,3.1,1.5,0.1,Iris-setosa
|
||||
5.4,3.7,1.5,0.2,Iris-setosa
|
||||
4.8,3.4,1.6,0.2,Iris-setosa
|
||||
4.8,3.0,1.4,0.1,Iris-setosa
|
||||
4.3,3.0,1.1,0.1,Iris-setosa
|
||||
5.8,4.0,1.2,0.2,Iris-setosa
|
||||
5.7,4.4,1.5,0.4,Iris-setosa
|
||||
5.4,3.9,1.3,0.4,Iris-setosa
|
||||
5.1,3.5,1.4,0.3,Iris-setosa
|
||||
5.7,3.8,1.7,0.3,Iris-setosa
|
||||
5.1,3.8,1.5,0.3,Iris-setosa
|
||||
5.4,3.4,1.7,0.2,Iris-setosa
|
||||
5.1,3.7,1.5,0.4,Iris-setosa
|
||||
4.6,3.6,1.0,0.2,Iris-setosa
|
||||
5.1,3.3,1.7,0.5,Iris-setosa
|
||||
4.8,3.4,1.9,0.2,Iris-setosa
|
||||
5.0,3.0,1.6,0.2,Iris-setosa
|
||||
5.0,3.4,1.6,0.4,Iris-setosa
|
||||
5.2,3.5,1.5,0.2,Iris-setosa
|
||||
5.2,3.4,1.4,0.2,Iris-setosa
|
||||
4.7,3.2,1.6,0.2,Iris-setosa
|
||||
4.8,3.1,1.6,0.2,Iris-setosa
|
||||
5.4,3.4,1.5,0.4,Iris-setosa
|
||||
5.2,4.1,1.5,0.1,Iris-setosa
|
||||
5.5,4.2,1.4,0.2,Iris-setosa
|
||||
4.9,3.1,1.5,0.1,Iris-setosa
|
||||
5.0,3.2,1.2,0.2,Iris-setosa
|
||||
5.5,3.5,1.3,0.2,Iris-setosa
|
||||
4.9,3.1,1.5,0.1,Iris-setosa
|
||||
4.4,3.0,1.3,0.2,Iris-setosa
|
||||
5.1,3.4,1.5,0.2,Iris-setosa
|
||||
5.0,3.5,1.3,0.3,Iris-setosa
|
||||
4.5,2.3,1.3,0.3,Iris-setosa
|
||||
4.4,3.2,1.3,0.2,Iris-setosa
|
||||
5.0,3.5,1.6,0.6,Iris-setosa
|
||||
5.1,3.8,1.9,0.4,Iris-setosa
|
||||
4.8,3.0,1.4,0.3,Iris-setosa
|
||||
5.1,3.8,1.6,0.2,Iris-setosa
|
||||
4.6,3.2,1.4,0.2,Iris-setosa
|
||||
5.3,3.7,1.5,0.2,Iris-setosa
|
||||
5.0,3.3,1.4,0.2,Iris-setosa
|
||||
7.0,3.2,4.7,1.4,Iris-versicolor
|
||||
6.4,3.2,4.5,1.5,Iris-versicolor
|
||||
6.9,3.1,4.9,1.5,Iris-versicolor
|
||||
5.5,2.3,4.0,1.3,Iris-versicolor
|
||||
6.5,2.8,4.6,1.5,Iris-versicolor
|
||||
5.7,2.8,4.5,1.3,Iris-versicolor
|
||||
6.3,3.3,4.7,1.6,Iris-versicolor
|
||||
4.9,2.4,3.3,1.0,Iris-versicolor
|
||||
6.6,2.9,4.6,1.3,Iris-versicolor
|
||||
5.2,2.7,3.9,1.4,Iris-versicolor
|
||||
5.0,2.0,3.5,1.0,Iris-versicolor
|
||||
5.9,3.0,4.2,1.5,Iris-versicolor
|
||||
6.0,2.2,4.0,1.0,Iris-versicolor
|
||||
6.1,2.9,4.7,1.4,Iris-versicolor
|
||||
5.6,2.9,3.6,1.3,Iris-versicolor
|
||||
6.7,3.1,4.4,1.4,Iris-versicolor
|
||||
5.6,3.0,4.5,1.5,Iris-versicolor
|
||||
5.8,2.7,4.1,1.0,Iris-versicolor
|
||||
6.2,2.2,4.5,1.5,Iris-versicolor
|
||||
5.6,2.5,3.9,1.1,Iris-versicolor
|
||||
5.9,3.2,4.8,1.8,Iris-versicolor
|
||||
6.1,2.8,4.0,1.3,Iris-versicolor
|
||||
6.3,2.5,4.9,1.5,Iris-versicolor
|
||||
6.1,2.8,4.7,1.2,Iris-versicolor
|
||||
6.4,2.9,4.3,1.3,Iris-versicolor
|
||||
6.6,3.0,4.4,1.4,Iris-versicolor
|
||||
6.8,2.8,4.8,1.4,Iris-versicolor
|
||||
6.7,3.0,5.0,1.7,Iris-versicolor
|
||||
6.0,2.9,4.5,1.5,Iris-versicolor
|
||||
5.7,2.6,3.5,1.0,Iris-versicolor
|
||||
5.5,2.4,3.8,1.1,Iris-versicolor
|
||||
5.5,2.4,3.7,1.0,Iris-versicolor
|
||||
5.8,2.7,3.9,1.2,Iris-versicolor
|
||||
6.0,2.7,5.1,1.6,Iris-versicolor
|
||||
5.4,3.0,4.5,1.5,Iris-versicolor
|
||||
6.0,3.4,4.5,1.6,Iris-versicolor
|
||||
6.7,3.1,4.7,1.5,Iris-versicolor
|
||||
6.3,2.3,4.4,1.3,Iris-versicolor
|
||||
5.6,3.0,4.1,1.3,Iris-versicolor
|
||||
5.5,2.5,4.0,1.3,Iris-versicolor
|
||||
5.5,2.6,4.4,1.2,Iris-versicolor
|
||||
6.1,3.0,4.6,1.4,Iris-versicolor
|
||||
5.8,2.6,4.0,1.2,Iris-versicolor
|
||||
5.0,2.3,3.3,1.0,Iris-versicolor
|
||||
5.6,2.7,4.2,1.3,Iris-versicolor
|
||||
5.7,3.0,4.2,1.2,Iris-versicolor
|
||||
5.7,2.9,4.2,1.3,Iris-versicolor
|
||||
6.2,2.9,4.3,1.3,Iris-versicolor
|
||||
5.1,2.5,3.0,1.1,Iris-versicolor
|
||||
5.7,2.8,4.1,1.3,Iris-versicolor
|
||||
6.3,3.3,6.0,2.5,Iris-virginica
|
||||
5.8,2.7,5.1,1.9,Iris-virginica
|
||||
7.1,3.0,5.9,2.1,Iris-virginica
|
||||
6.3,2.9,5.6,1.8,Iris-virginica
|
||||
6.5,3.0,5.8,2.2,Iris-virginica
|
||||
7.6,3.0,6.6,2.1,Iris-virginica
|
||||
4.9,2.5,4.5,1.7,Iris-virginica
|
||||
7.3,2.9,6.3,1.8,Iris-virginica
|
||||
6.7,2.5,5.8,1.8,Iris-virginica
|
||||
7.2,3.6,6.1,2.5,Iris-virginica
|
||||
6.5,3.2,5.1,2.0,Iris-virginica
|
||||
6.4,2.7,5.3,1.9,Iris-virginica
|
||||
6.8,3.0,5.5,2.1,Iris-virginica
|
||||
5.7,2.5,5.0,2.0,Iris-virginica
|
||||
5.8,2.8,5.1,2.4,Iris-virginica
|
||||
6.4,3.2,5.3,2.3,Iris-virginica
|
||||
6.5,3.0,5.5,1.8,Iris-virginica
|
||||
7.7,3.8,6.7,2.2,Iris-virginica
|
||||
7.7,2.6,6.9,2.3,Iris-virginica
|
||||
6.0,2.2,5.0,1.5,Iris-virginica
|
||||
6.9,3.2,5.7,2.3,Iris-virginica
|
||||
5.6,2.8,4.9,2.0,Iris-virginica
|
||||
7.7,2.8,6.7,2.0,Iris-virginica
|
||||
6.3,2.7,4.9,1.8,Iris-virginica
|
||||
6.7,3.3,5.7,2.1,Iris-virginica
|
||||
7.2,3.2,6.0,1.8,Iris-virginica
|
||||
6.2,2.8,4.8,1.8,Iris-virginica
|
||||
6.1,3.0,4.9,1.8,Iris-virginica
|
||||
6.4,2.8,5.6,2.1,Iris-virginica
|
||||
7.2,3.0,5.8,1.6,Iris-virginica
|
||||
7.4,2.8,6.1,1.9,Iris-virginica
|
||||
7.9,3.8,6.4,2.0,Iris-virginica
|
||||
6.4,2.8,5.6,2.2,Iris-virginica
|
||||
6.3,2.8,5.1,1.5,Iris-virginica
|
||||
6.1,2.6,5.6,1.4,Iris-virginica
|
||||
7.7,3.0,6.1,2.3,Iris-virginica
|
||||
6.3,3.4,5.6,2.4,Iris-virginica
|
||||
6.4,3.1,5.5,1.8,Iris-virginica
|
||||
6.0,3.0,4.8,1.8,Iris-virginica
|
||||
6.9,3.1,5.4,2.1,Iris-virginica
|
||||
6.7,3.1,5.6,2.4,Iris-virginica
|
||||
6.9,3.1,5.1,2.3,Iris-virginica
|
||||
5.8,2.7,5.1,1.9,Iris-virginica
|
||||
6.8,3.2,5.9,2.3,Iris-virginica
|
||||
6.7,3.3,5.7,2.5,Iris-virginica
|
||||
6.7,3.0,5.2,2.3,Iris-virginica
|
||||
6.3,2.5,5.0,1.9,Iris-virginica
|
||||
6.5,3.0,5.2,2.0,Iris-virginica
|
||||
6.2,3.4,5.4,2.3,Iris-virginica
|
||||
5.9,3.0,5.1,1.8,Iris-virginica
|
||||
%
|
||||
%
|
||||
%
|
10177
datasets/kdd_JapaneseVowels.arff
Executable file
10177
datasets/kdd_JapaneseVowels.arff
Executable file
File diff suppressed because it is too large
Load Diff
5903
datasets/kdd_JapaneseVowels_test.arff
Executable file
5903
datasets/kdd_JapaneseVowels_test.arff
Executable file
File diff suppressed because it is too large
Load Diff
4490
datasets/kdd_JapaneseVowels_train.arff
Executable file
4490
datasets/kdd_JapaneseVowels_train.arff
Executable file
File diff suppressed because it is too large
Load Diff
20191
datasets/letter.arff
Executable file
20191
datasets/letter.arff
Executable file
File diff suppressed because it is too large
Load Diff
399
datasets/liver-disorders.arff
Executable file
399
datasets/liver-disorders.arff
Executable file
@@ -0,0 +1,399 @@
|
||||
% 1. Title: BUPA liver disorders
|
||||
%
|
||||
% 2. Source information:
|
||||
% -- Creators: BUPA Medical Research Ltd.
|
||||
% -- Donor: Richard S. Forsyth
|
||||
% 8 Grosvenor Avenue
|
||||
% Mapperley Park
|
||||
% Nottingham NG3 5DX
|
||||
% 0602-621676
|
||||
% -- Date: 5/15/1990
|
||||
%
|
||||
% 3. Past usage:
|
||||
% -- None known other than what is shown in the PC/BEAGLE User's Guide
|
||||
% (written by Richard S. Forsyth).
|
||||
%
|
||||
% 4. Relevant information:
|
||||
% -- The first 5 variables are all blood tests which are thought
|
||||
% to be sensitive to liver disorders that might arise from
|
||||
% excessive alcohol consumption. Each line in the bupa.data file
|
||||
% constitutes the record of a single male individual.
|
||||
% -- It appears that drinks>5 is some sort of a selector on this database.
|
||||
% See the PC/BEAGLE User's Guide for more information.
|
||||
%
|
||||
% 5. Number of instances: 345
|
||||
%
|
||||
% 6. Number of attributes: 7 overall
|
||||
%
|
||||
% 7. Attribute information:
|
||||
% 1. mcv mean corpuscular volume
|
||||
% 2. alkphos alkaline phosphotase
|
||||
% 3. sgpt alamine aminotransferase
|
||||
% 4. sgot aspartate aminotransferase
|
||||
% 5. gammagt gamma-glutamyl transpeptidase
|
||||
% 6. drinks number of half-pint equivalents of alcoholic beverages
|
||||
% drunk per day
|
||||
% 7. selector field used to split data into two sets
|
||||
%
|
||||
% 8. Missing values: none%
|
||||
% Information about the dataset
|
||||
% CLASSTYPE: nominal
|
||||
% CLASSINDEX: last
|
||||
%
|
||||
|
||||
@relation liver-disorders
|
||||
|
||||
@attribute mcv INTEGER
|
||||
@attribute alkphos INTEGER
|
||||
@attribute sgpt INTEGER
|
||||
@attribute sgot INTEGER
|
||||
@attribute gammagt INTEGER
|
||||
@attribute drinks REAL
|
||||
@attribute selector {1,2}
|
||||
|
||||
@data
|
||||
85,92,45,27,31,0.0,1
|
||||
85,64,59,32,23,0.0,2
|
||||
86,54,33,16,54,0.0,2
|
||||
91,78,34,24,36,0.0,2
|
||||
87,70,12,28,10,0.0,2
|
||||
98,55,13,17,17,0.0,2
|
||||
88,62,20,17,9,0.5,1
|
||||
88,67,21,11,11,0.5,1
|
||||
92,54,22,20,7,0.5,1
|
||||
90,60,25,19,5,0.5,1
|
||||
89,52,13,24,15,0.5,1
|
||||
82,62,17,17,15,0.5,1
|
||||
90,64,61,32,13,0.5,1
|
||||
86,77,25,19,18,0.5,1
|
||||
96,67,29,20,11,0.5,1
|
||||
91,78,20,31,18,0.5,1
|
||||
89,67,23,16,10,0.5,1
|
||||
89,79,17,17,16,0.5,1
|
||||
91,107,20,20,56,0.5,1
|
||||
94,116,11,33,11,0.5,1
|
||||
92,59,35,13,19,0.5,1
|
||||
93,23,35,20,20,0.5,1
|
||||
90,60,23,27,5,0.5,1
|
||||
96,68,18,19,19,0.5,1
|
||||
84,80,47,33,97,0.5,1
|
||||
92,70,24,13,26,0.5,1
|
||||
90,47,28,15,18,0.5,1
|
||||
88,66,20,21,10,0.5,1
|
||||
91,102,17,13,19,0.5,1
|
||||
87,41,31,19,16,0.5,1
|
||||
86,79,28,16,17,0.5,1
|
||||
91,57,31,23,42,0.5,1
|
||||
93,77,32,18,29,0.5,1
|
||||
88,96,28,21,40,0.5,1
|
||||
94,65,22,18,11,0.5,1
|
||||
91,72,155,68,82,0.5,2
|
||||
85,54,47,33,22,0.5,2
|
||||
79,39,14,19,9,0.5,2
|
||||
85,85,25,26,30,0.5,2
|
||||
89,63,24,20,38,0.5,2
|
||||
84,92,68,37,44,0.5,2
|
||||
89,68,26,39,42,0.5,2
|
||||
89,101,18,25,13,0.5,2
|
||||
86,84,18,14,16,0.5,2
|
||||
85,65,25,14,18,0.5,2
|
||||
88,61,19,21,13,0.5,2
|
||||
92,56,14,16,10,0.5,2
|
||||
95,50,29,25,50,0.5,2
|
||||
91,75,24,22,11,0.5,2
|
||||
83,40,29,25,38,0.5,2
|
||||
89,74,19,23,16,0.5,2
|
||||
85,64,24,22,11,0.5,2
|
||||
92,57,64,36,90,0.5,2
|
||||
94,48,11,23,43,0.5,2
|
||||
87,52,21,19,30,0.5,2
|
||||
85,65,23,29,15,0.5,2
|
||||
84,82,21,21,19,0.5,2
|
||||
88,49,20,22,19,0.5,2
|
||||
96,67,26,26,36,0.5,2
|
||||
90,63,24,24,24,0.5,2
|
||||
90,45,33,34,27,0.5,2
|
||||
90,72,14,15,18,0.5,2
|
||||
91,55,4,8,13,0.5,2
|
||||
91,52,15,22,11,0.5,2
|
||||
87,71,32,19,27,1.0,1
|
||||
89,77,26,20,19,1.0,1
|
||||
89,67,5,17,14,1.0,2
|
||||
85,51,26,24,23,1.0,2
|
||||
103,75,19,30,13,1.0,2
|
||||
90,63,16,21,14,1.0,2
|
||||
90,63,29,23,57,2.0,1
|
||||
90,67,35,19,35,2.0,1
|
||||
87,66,27,22,9,2.0,1
|
||||
90,73,34,21,22,2.0,1
|
||||
86,54,20,21,16,2.0,1
|
||||
90,80,19,14,42,2.0,1
|
||||
87,90,43,28,156,2.0,2
|
||||
96,72,28,19,30,2.0,2
|
||||
91,55,9,25,16,2.0,2
|
||||
95,78,27,25,30,2.0,2
|
||||
92,101,34,30,64,2.0,2
|
||||
89,51,41,22,48,2.0,2
|
||||
91,99,42,33,16,2.0,2
|
||||
94,58,21,18,26,2.0,2
|
||||
92,60,30,27,297,2.0,2
|
||||
94,58,21,18,26,2.0,2
|
||||
88,47,33,26,29,2.0,2
|
||||
92,65,17,25,9,2.0,2
|
||||
92,79,22,20,11,3.0,1
|
||||
84,83,20,25,7,3.0,1
|
||||
88,68,27,21,26,3.0,1
|
||||
86,48,20,20,6,3.0,1
|
||||
99,69,45,32,30,3.0,1
|
||||
88,66,23,12,15,3.0,1
|
||||
89,62,42,30,20,3.0,1
|
||||
90,51,23,17,27,3.0,1
|
||||
81,61,32,37,53,3.0,2
|
||||
89,89,23,18,104,3.0,2
|
||||
89,65,26,18,36,3.0,2
|
||||
92,75,26,26,24,3.0,2
|
||||
85,59,25,20,25,3.0,2
|
||||
92,61,18,13,81,3.0,2
|
||||
89,63,22,27,10,4.0,1
|
||||
90,84,18,23,13,4.0,1
|
||||
88,95,25,19,14,4.0,1
|
||||
89,35,27,29,17,4.0,1
|
||||
91,80,37,23,27,4.0,1
|
||||
91,109,33,15,18,4.0,1
|
||||
91,65,17,5,7,4.0,1
|
||||
88,107,29,20,50,4.0,2
|
||||
87,76,22,55,9,4.0,2
|
||||
87,86,28,23,21,4.0,2
|
||||
87,42,26,23,17,4.0,2
|
||||
88,80,24,25,17,4.0,2
|
||||
90,96,34,49,169,4.0,2
|
||||
86,67,11,15,8,4.0,2
|
||||
92,40,19,20,21,4.0,2
|
||||
85,60,17,21,14,4.0,2
|
||||
89,90,15,17,25,4.0,2
|
||||
91,57,15,16,16,4.0,2
|
||||
96,55,48,39,42,4.0,2
|
||||
79,101,17,27,23,4.0,2
|
||||
90,134,14,20,14,4.0,2
|
||||
89,76,14,21,24,4.0,2
|
||||
88,93,29,27,31,4.0,2
|
||||
90,67,10,16,16,4.0,2
|
||||
92,73,24,21,48,4.0,2
|
||||
91,55,28,28,82,4.0,2
|
||||
83,45,19,21,13,4.0,2
|
||||
90,74,19,14,22,4.0,2
|
||||
92,66,21,16,33,5.0,1
|
||||
93,63,26,18,18,5.0,1
|
||||
86,78,47,39,107,5.0,2
|
||||
97,44,113,45,150,5.0,2
|
||||
87,59,15,19,12,5.0,2
|
||||
86,44,21,11,15,5.0,2
|
||||
87,64,16,20,24,5.0,2
|
||||
92,57,21,23,22,5.0,2
|
||||
90,70,25,23,112,5.0,2
|
||||
99,59,17,19,11,5.0,2
|
||||
92,80,10,26,20,6.0,1
|
||||
95,60,26,22,28,6.0,1
|
||||
91,63,25,26,15,6.0,1
|
||||
92,62,37,21,36,6.0,1
|
||||
95,50,13,14,15,6.0,1
|
||||
90,76,37,19,50,6.0,1
|
||||
96,70,70,26,36,6.0,1
|
||||
95,62,64,42,76,6.0,1
|
||||
92,62,20,23,20,6.0,1
|
||||
91,63,25,26,15,6.0,1
|
||||
82,56,67,38,92,6.0,2
|
||||
92,82,27,24,37,6.0,2
|
||||
90,63,12,26,21,6.0,2
|
||||
88,37,9,15,16,6.0,2
|
||||
100,60,29,23,76,6.0,2
|
||||
98,43,35,23,69,6.0,2
|
||||
91,74,87,50,67,6.0,2
|
||||
92,87,57,25,44,6.0,2
|
||||
93,99,36,34,48,6.0,2
|
||||
90,72,17,19,19,6.0,2
|
||||
97,93,21,20,68,6.0,2
|
||||
93,50,18,25,17,6.0,2
|
||||
90,57,20,26,33,6.0,2
|
||||
92,76,31,28,41,6.0,2
|
||||
88,55,19,17,14,6.0,2
|
||||
89,63,24,29,29,6.0,2
|
||||
92,79,70,32,84,7.0,1
|
||||
92,93,58,35,120,7.0,1
|
||||
93,84,58,47,62,7.0,2
|
||||
97,71,29,22,52,8.0,1
|
||||
84,99,33,19,26,8.0,1
|
||||
96,44,42,23,73,8.0,1
|
||||
90,62,22,21,21,8.0,1
|
||||
92,94,18,17,6,8.0,1
|
||||
90,67,77,39,114,8.0,1
|
||||
97,71,29,22,52,8.0,1
|
||||
91,69,25,25,66,8.0,2
|
||||
93,59,17,20,14,8.0,2
|
||||
92,95,85,48,200,8.0,2
|
||||
90,50,26,22,53,8.0,2
|
||||
91,62,59,47,60,8.0,2
|
||||
92,93,22,28,123,9.0,1
|
||||
92,77,86,41,31,10.0,1
|
||||
86,66,22,24,26,10.0,2
|
||||
98,57,31,34,73,10.0,2
|
||||
95,80,50,64,55,10.0,2
|
||||
92,108,53,33,94,12.0,2
|
||||
97,92,22,28,49,12.0,2
|
||||
93,77,39,37,108,16.0,1
|
||||
94,83,81,34,201,20.0,1
|
||||
87,75,25,21,14,0.0,1
|
||||
88,56,23,18,12,0.0,1
|
||||
84,97,41,20,32,0.0,2
|
||||
94,91,27,20,15,0.5,1
|
||||
97,62,17,13,5,0.5,1
|
||||
92,85,25,20,12,0.5,1
|
||||
82,48,27,15,12,0.5,1
|
||||
88,74,31,25,15,0.5,1
|
||||
95,77,30,14,21,0.5,1
|
||||
88,94,26,18,8,0.5,1
|
||||
91,70,19,19,22,0.5,1
|
||||
83,54,27,15,12,0.5,1
|
||||
91,105,40,26,56,0.5,1
|
||||
86,79,37,28,14,0.5,1
|
||||
91,96,35,22,135,0.5,1
|
||||
89,82,23,14,35,0.5,1
|
||||
90,73,24,23,11,0.5,1
|
||||
90,87,19,25,19,0.5,1
|
||||
89,82,33,32,18,0.5,1
|
||||
85,79,17,8,9,0.5,1
|
||||
85,119,30,26,17,0.5,1
|
||||
78,69,24,18,31,0.5,1
|
||||
88,107,34,21,27,0.5,1
|
||||
89,115,17,27,7,0.5,1
|
||||
92,67,23,15,12,0.5,1
|
||||
89,101,27,34,14,0.5,1
|
||||
91,84,11,12,10,0.5,1
|
||||
94,101,41,20,53,0.5,2
|
||||
88,46,29,22,18,0.5,2
|
||||
88,122,35,29,42,0.5,2
|
||||
84,88,28,25,35,0.5,2
|
||||
90,79,18,15,24,0.5,2
|
||||
87,69,22,26,11,0.5,2
|
||||
65,63,19,20,14,0.5,2
|
||||
90,64,12,17,14,0.5,2
|
||||
85,58,18,24,16,0.5,2
|
||||
88,81,41,27,36,0.5,2
|
||||
86,78,52,29,62,0.5,2
|
||||
82,74,38,28,48,0.5,2
|
||||
86,58,36,27,59,0.5,2
|
||||
94,56,30,18,27,0.5,2
|
||||
87,57,30,30,22,0.5,2
|
||||
98,74,148,75,159,0.5,2
|
||||
94,75,20,25,38,0.5,2
|
||||
83,68,17,20,71,0.5,2
|
||||
93,56,25,21,33,0.5,2
|
||||
101,65,18,21,22,0.5,2
|
||||
92,65,25,20,31,0.5,2
|
||||
92,58,14,16,13,0.5,2
|
||||
86,58,16,23,23,0.5,2
|
||||
85,62,15,13,22,0.5,2
|
||||
86,57,13,20,13,0.5,2
|
||||
86,54,26,30,13,0.5,2
|
||||
81,41,33,27,34,1.0,1
|
||||
91,67,32,26,13,1.0,1
|
||||
91,80,21,19,14,1.0,1
|
||||
92,60,23,15,19,1.0,1
|
||||
91,60,32,14,8,1.0,1
|
||||
93,65,28,22,10,1.0,1
|
||||
90,63,45,24,85,1.0,2
|
||||
87,92,21,22,37,1.0,2
|
||||
83,78,31,19,115,1.0,2
|
||||
95,62,24,23,14,1.0,2
|
||||
93,59,41,30,48,1.0,2
|
||||
84,82,43,32,38,2.0,1
|
||||
87,71,33,20,22,2.0,1
|
||||
86,44,24,15,18,2.0,1
|
||||
86,66,28,24,21,2.0,1
|
||||
88,58,31,17,17,2.0,1
|
||||
90,61,28,29,31,2.0,1
|
||||
88,69,70,24,64,2.0,1
|
||||
93,87,18,17,26,2.0,1
|
||||
98,58,33,21,28,2.0,1
|
||||
91,44,18,18,23,2.0,2
|
||||
87,75,37,19,70,2.0,2
|
||||
94,91,30,26,25,2.0,2
|
||||
88,85,14,15,10,2.0,2
|
||||
89,109,26,25,27,2.0,2
|
||||
87,59,37,27,34,2.0,2
|
||||
93,58,20,23,18,2.0,2
|
||||
88,57,9,15,16,2.0,2
|
||||
94,65,38,27,17,3.0,1
|
||||
91,71,12,22,11,3.0,1
|
||||
90,55,20,20,16,3.0,1
|
||||
91,64,21,17,26,3.0,2
|
||||
88,47,35,26,33,3.0,2
|
||||
82,72,31,20,84,3.0,2
|
||||
85,58,83,49,51,3.0,2
|
||||
91,54,25,22,35,4.0,1
|
||||
98,50,27,25,53,4.0,2
|
||||
86,62,29,21,26,4.0,2
|
||||
89,48,32,22,14,4.0,2
|
||||
82,68,20,22,9,4.0,2
|
||||
83,70,17,19,23,4.0,2
|
||||
96,70,21,26,21,4.0,2
|
||||
94,117,77,56,52,4.0,2
|
||||
93,45,11,14,21,4.0,2
|
||||
93,49,27,21,29,4.0,2
|
||||
84,73,46,32,39,4.0,2
|
||||
91,63,17,17,46,4.0,2
|
||||
90,57,31,18,37,4.0,2
|
||||
87,45,19,13,16,4.0,2
|
||||
91,68,14,20,19,4.0,2
|
||||
86,55,29,35,108,4.0,2
|
||||
91,86,52,47,52,4.0,2
|
||||
88,46,15,33,55,4.0,2
|
||||
85,52,22,23,34,4.0,2
|
||||
89,72,33,27,55,4.0,2
|
||||
95,59,23,18,19,4.0,2
|
||||
94,43,154,82,121,4.0,2
|
||||
96,56,38,26,23,5.0,2
|
||||
90,52,10,17,12,5.0,2
|
||||
94,45,20,16,12,5.0,2
|
||||
99,42,14,21,49,5.0,2
|
||||
93,102,47,23,37,5.0,2
|
||||
94,71,25,26,31,5.0,2
|
||||
92,73,33,34,115,5.0,2
|
||||
87,54,41,29,23,6.0,1
|
||||
92,67,15,14,14,6.0,1
|
||||
98,101,31,26,32,6.0,1
|
||||
92,53,51,33,92,6.0,1
|
||||
97,94,43,43,82,6.0,1
|
||||
93,43,11,16,54,6.0,1
|
||||
93,68,24,18,19,6.0,1
|
||||
95,36,38,19,15,6.0,1
|
||||
99,86,58,42,203,6.0,1
|
||||
98,66,103,57,114,6.0,1
|
||||
92,80,10,26,20,6.0,1
|
||||
96,74,27,25,43,6.0,2
|
||||
95,93,21,27,47,6.0,2
|
||||
86,109,16,22,28,6.0,2
|
||||
91,46,30,24,39,7.0,2
|
||||
102,82,34,78,203,7.0,2
|
||||
85,50,12,18,14,7.0,2
|
||||
91,57,33,23,12,8.0,1
|
||||
91,52,76,32,24,8.0,1
|
||||
93,70,46,30,33,8.0,1
|
||||
87,55,36,19,25,8.0,1
|
||||
98,123,28,24,31,8.0,1
|
||||
82,55,18,23,44,8.0,2
|
||||
95,73,20,25,225,8.0,2
|
||||
97,80,17,20,53,8.0,2
|
||||
100,83,25,24,28,8.0,2
|
||||
88,91,56,35,126,9.0,2
|
||||
91,138,45,21,48,10.0,1
|
||||
92,41,37,22,37,10.0,1
|
||||
86,123,20,25,23,10.0,2
|
||||
91,93,35,34,37,10.0,2
|
||||
87,87,15,23,11,10.0,2
|
||||
87,56,52,43,55,10.0,2
|
||||
99,75,26,24,41,12.0,1
|
||||
96,69,53,43,203,12.0,2
|
||||
98,77,55,35,89,15.0,1
|
||||
91,68,27,26,14,16.0,1
|
||||
98,99,57,45,65,20.0,1
|
2306
datasets/mfeat-factors.arff
Executable file
2306
datasets/mfeat-factors.arff
Executable file
File diff suppressed because it is too large
Load Diff
2166
datasets/mfeat-fourier.arff
Executable file
2166
datasets/mfeat-fourier.arff
Executable file
File diff suppressed because it is too large
Load Diff
2154
datasets/mfeat-karhunen.arff
Executable file
2154
datasets/mfeat-karhunen.arff
Executable file
File diff suppressed because it is too large
Load Diff
2096
datasets/mfeat-morphological.arff
Executable file
2096
datasets/mfeat-morphological.arff
Executable file
File diff suppressed because it is too large
Load Diff
2137
datasets/mfeat-zernike.arff
Executable file
2137
datasets/mfeat-zernike.arff
Executable file
File diff suppressed because it is too large
Load Diff
5782
datasets/optdigits.arff
Executable file
5782
datasets/optdigits.arff
Executable file
File diff suppressed because it is too large
Load Diff
5585
datasets/page-blocks.arff
Executable file
5585
datasets/page-blocks.arff
Executable file
File diff suppressed because it is too large
Load Diff
11151
datasets/pendigits.arff
Executable file
11151
datasets/pendigits.arff
Executable file
File diff suppressed because it is too large
Load Diff
2406
datasets/segment.arff
Executable file
2406
datasets/segment.arff
Executable file
File diff suppressed because it is too large
Load Diff
408
datasets/sonar.arff
Executable file
408
datasets/sonar.arff
Executable file
@@ -0,0 +1,408 @@
|
||||
% NAME: Sonar, Mines vs. Rocks
|
||||
%
|
||||
% SUMMARY: This is the data set used by Gorman and Sejnowski in their study
|
||||
% of the classification of sonar signals using a neural network [1]. The
|
||||
% task is to train a network to discriminate between sonar signals bounced
|
||||
% off a metal cylinder and those bounced off a roughly cylindrical rock.
|
||||
%
|
||||
% SOURCE: The data set was contributed to the benchmark collection by Terry
|
||||
% Sejnowski, now at the Salk Institute and the University of California at
|
||||
% San Deigo. The data set was developed in collaboration with R. Paul
|
||||
% Gorman of Allied-Signal Aerospace Technology Center.
|
||||
%
|
||||
% MAINTAINER: Scott E. Fahlman
|
||||
%
|
||||
% PROBLEM DESCRIPTION:
|
||||
%
|
||||
% The file "sonar.mines" contains 111 patterns obtained by bouncing sonar
|
||||
% signals off a metal cylinder at various angles and under various
|
||||
% conditions. The file "sonar.rocks" contains 97 patterns obtained from
|
||||
% rocks under similar conditions. The transmitted sonar signal is a
|
||||
% frequency-modulated chirp, rising in frequency. The data set contains
|
||||
% signals obtained from a variety of different aspect angles, spanning 90
|
||||
% degrees for the cylinder and 180 degrees for the rock.
|
||||
%
|
||||
% Each pattern is a set of 60 numbers in the range 0.0 to 1.0. Each number
|
||||
% represents the energy within a particular frequency band, integrated over
|
||||
% a certain period of time. The integration aperture for higher frequencies
|
||||
% occur later in time, since these frequencies are transmitted later during
|
||||
% the chirp.
|
||||
%
|
||||
% The label associated with each record contains the letter "R" if the object
|
||||
% is a rock and "M" if it is a mine (metal cylinder). The numbers in the
|
||||
% labels are in increasing order of aspect angle, but they do not encode the
|
||||
% angle directly.
|
||||
%
|
||||
% METHODOLOGY:
|
||||
%
|
||||
% This data set can be used in a number of different ways to test learning
|
||||
% speed, quality of ultimate learning, ability to generalize, or combinations
|
||||
% of these factors.
|
||||
%
|
||||
% In [1], Gorman and Sejnowski report two series of experiments: an
|
||||
% "aspect-angle independent" series, in which the whole data set is used
|
||||
% without controlling for aspect angle, and an "aspect-angle dependent"
|
||||
% series in which the training and testing sets were carefully controlled to
|
||||
% ensure that each set contained cases from each aspect angle in
|
||||
% appropriate proportions.
|
||||
%
|
||||
% For the aspect-angle independent experiments the combined set of 208 cases
|
||||
% is divided randomly into 13 disjoint sets with 16 cases in each. For each
|
||||
% experiment, 12 of these sets are used as training data, while the 13th is
|
||||
% reserved for testing. The experiment is repeated 13 times so that every
|
||||
% case appears once as part of a test set. The reported performance is an
|
||||
% average over the entire set of 13 different test sets, each run 10 times.
|
||||
%
|
||||
% It was observed that this random division of the sample set led to rather
|
||||
% uneven performance. A few of the splits gave poor results, presumably
|
||||
% because the test set contains some samples from aspect angles that are
|
||||
% under-represented in the corresponding training set. This motivated Gorman
|
||||
% and Sejnowski to devise a different set of experiments in which an attempt
|
||||
% was made to balance the training and test sets so that each would have a
|
||||
% representative number of samples from all aspect angles. Since detailed
|
||||
% aspect angle information was not present in the data base of samples, the
|
||||
% 208 samples were first divided into clusters, using a 60-dimensional
|
||||
% Euclidian metric; each of these clusters was then divided between the
|
||||
% 104-member training set and the 104-member test set.
|
||||
%
|
||||
% The actual training and testing samples used for the "aspect angle
|
||||
% dependent" experiments are marked in the data files. The reported
|
||||
% performance is an average over 10 runs with this single division of the
|
||||
% data set.
|
||||
%
|
||||
% A standard back-propagation network was used for all experiments. The
|
||||
% network had 60 inputs and 2 output units, one indicating a cylinder and the
|
||||
% other a rock. Experiments were run with no hidden units (direct
|
||||
% connections from each input to each output) and with a single hidden layer
|
||||
% with 2, 3, 6, 12, or 24 units. Each network was trained by 300 epochs over
|
||||
% the entire training set.
|
||||
%
|
||||
% The weight-update formulas used in this study were slightly different from
|
||||
% the standard form. A learning rate of 2.0 and momentum of 0.0 was used.
|
||||
% Errors less than 0.2 were treated as zero. Initial weights were uniform
|
||||
% random values in the range -0.3 to +0.3.
|
||||
%
|
||||
% RESULTS:
|
||||
%
|
||||
% For the angle independent experiments, Gorman and Sejnowski report the
|
||||
% following results for networks with different numbers of hidden units:
|
||||
%
|
||||
% Hidden % Right on Std. % Right on Std.
|
||||
% Units Training set Dev. Test Set Dev.
|
||||
% ------ ------------ ---- ---------- ----
|
||||
% 0 89.4 2.1 77.1 8.3
|
||||
% 2 96.5 0.7 81.9 6.2
|
||||
% 3 98.8 0.4 82.0 7.3
|
||||
% 6 99.7 0.2 83.5 5.6
|
||||
% 12 99.8 0.1 84.7 5.7
|
||||
% 24 99.8 0.1 84.5 5.7
|
||||
%
|
||||
% For the angle-dependent experiments Gorman and Sejnowski report the
|
||||
% following results:
|
||||
%
|
||||
% Hidden % Right on Std. % Right on Std.
|
||||
% Units Training set Dev. Test Set Dev.
|
||||
% ------ ------------ ---- ---------- ----
|
||||
% 0 79.3 3.4 73.1 4.8
|
||||
% 2 96.2 2.2 85.7 6.3
|
||||
% 3 98.1 1.5 87.6 3.0
|
||||
% 6 99.4 0.9 89.3 2.4
|
||||
% 12 99.8 0.6 90.4 1.8
|
||||
% 24 100.0 0.0 89.2 1.4
|
||||
%
|
||||
% Not surprisingly, the network's performance on the test set was somewhat
|
||||
% better when the aspect angles in the training and test sets were balanced.
|
||||
%
|
||||
% Gorman and Sejnowski further report that a nearest neighbor classifier on
|
||||
% the same data gave an 82.7% probability of correct classification.
|
||||
%
|
||||
% Three trained human subjects were each tested on 100 signals, chosen at
|
||||
% random from the set of 208 returns used to create this data set. Their
|
||||
% responses ranged between 88% and 97% correct. However, they may have been
|
||||
% using information from the raw sonar signal that is not preserved in the
|
||||
% processed data sets presented here.
|
||||
%
|
||||
% REFERENCES:
|
||||
%
|
||||
% 1. Gorman, R. P., and Sejnowski, T. J. (1988). "Analysis of Hidden Units
|
||||
% in a Layered Network Trained to Classify Sonar Targets" in Neural Networks,
|
||||
% Vol. 1, pp. 75-89.
|
||||
%
|
||||
%
|
||||
%
|
||||
%
|
||||
% Relabeled values in attribute 'Class'
|
||||
% From: R To: Rock
|
||||
% From: M To: Mine
|
||||
%
|
||||
@relation sonar
|
||||
@attribute 'attribute_1' real
|
||||
@attribute 'attribute_2' real
|
||||
@attribute 'attribute_3' real
|
||||
@attribute 'attribute_4' real
|
||||
@attribute 'attribute_5' real
|
||||
@attribute 'attribute_6' real
|
||||
@attribute 'attribute_7' real
|
||||
@attribute 'attribute_8' real
|
||||
@attribute 'attribute_9' real
|
||||
@attribute 'attribute_10' real
|
||||
@attribute 'attribute_11' real
|
||||
@attribute 'attribute_12' real
|
||||
@attribute 'attribute_13' real
|
||||
@attribute 'attribute_14' real
|
||||
@attribute 'attribute_15' real
|
||||
@attribute 'attribute_16' real
|
||||
@attribute 'attribute_17' real
|
||||
@attribute 'attribute_18' real
|
||||
@attribute 'attribute_19' real
|
||||
@attribute 'attribute_20' real
|
||||
@attribute 'attribute_21' real
|
||||
@attribute 'attribute_22' real
|
||||
@attribute 'attribute_23' real
|
||||
@attribute 'attribute_24' real
|
||||
@attribute 'attribute_25' real
|
||||
@attribute 'attribute_26' real
|
||||
@attribute 'attribute_27' real
|
||||
@attribute 'attribute_28' real
|
||||
@attribute 'attribute_29' real
|
||||
@attribute 'attribute_30' real
|
||||
@attribute 'attribute_31' real
|
||||
@attribute 'attribute_32' real
|
||||
@attribute 'attribute_33' real
|
||||
@attribute 'attribute_34' real
|
||||
@attribute 'attribute_35' real
|
||||
@attribute 'attribute_36' real
|
||||
@attribute 'attribute_37' real
|
||||
@attribute 'attribute_38' real
|
||||
@attribute 'attribute_39' real
|
||||
@attribute 'attribute_40' real
|
||||
@attribute 'attribute_41' real
|
||||
@attribute 'attribute_42' real
|
||||
@attribute 'attribute_43' real
|
||||
@attribute 'attribute_44' real
|
||||
@attribute 'attribute_45' real
|
||||
@attribute 'attribute_46' real
|
||||
@attribute 'attribute_47' real
|
||||
@attribute 'attribute_48' real
|
||||
@attribute 'attribute_49' real
|
||||
@attribute 'attribute_50' real
|
||||
@attribute 'attribute_51' real
|
||||
@attribute 'attribute_52' real
|
||||
@attribute 'attribute_53' real
|
||||
@attribute 'attribute_54' real
|
||||
@attribute 'attribute_55' real
|
||||
@attribute 'attribute_56' real
|
||||
@attribute 'attribute_57' real
|
||||
@attribute 'attribute_58' real
|
||||
@attribute 'attribute_59' real
|
||||
@attribute 'attribute_60' real
|
||||
@attribute 'Class' { Rock, Mine}
|
||||
@data
|
||||
0.02,0.0371,0.0428,0.0207,0.0954,0.0986,0.1539,0.1601,0.3109,0.2111,0.1609,0.1582,0.2238,0.0645,0.066,0.2273,0.31,0.2999,0.5078,0.4797,0.5783,0.5071,0.4328,0.555,0.6711,0.6415,0.7104,0.808,0.6791,0.3857,0.1307,0.2604,0.5121,0.7547,0.8537,0.8507,0.6692,0.6097,0.4943,0.2744,0.051,0.2834,0.2825,0.4256,0.2641,0.1386,0.1051,0.1343,0.0383,0.0324,0.0232,0.0027,0.0065,0.0159,0.0072,0.0167,0.018,0.0084,0.009,0.0032,Rock
|
||||
0.0453,0.0523,0.0843,0.0689,0.1183,0.2583,0.2156,0.3481,0.3337,0.2872,0.4918,0.6552,0.6919,0.7797,0.7464,0.9444,1,0.8874,0.8024,0.7818,0.5212,0.4052,0.3957,0.3914,0.325,0.32,0.3271,0.2767,0.4423,0.2028,0.3788,0.2947,0.1984,0.2341,0.1306,0.4182,0.3835,0.1057,0.184,0.197,0.1674,0.0583,0.1401,0.1628,0.0621,0.0203,0.053,0.0742,0.0409,0.0061,0.0125,0.0084,0.0089,0.0048,0.0094,0.0191,0.014,0.0049,0.0052,0.0044,Rock
|
||||
0.0262,0.0582,0.1099,0.1083,0.0974,0.228,0.2431,0.3771,0.5598,0.6194,0.6333,0.706,0.5544,0.532,0.6479,0.6931,0.6759,0.7551,0.8929,0.8619,0.7974,0.6737,0.4293,0.3648,0.5331,0.2413,0.507,0.8533,0.6036,0.8514,0.8512,0.5045,0.1862,0.2709,0.4232,0.3043,0.6116,0.6756,0.5375,0.4719,0.4647,0.2587,0.2129,0.2222,0.2111,0.0176,0.1348,0.0744,0.013,0.0106,0.0033,0.0232,0.0166,0.0095,0.018,0.0244,0.0316,0.0164,0.0095,0.0078,Rock
|
||||
0.01,0.0171,0.0623,0.0205,0.0205,0.0368,0.1098,0.1276,0.0598,0.1264,0.0881,0.1992,0.0184,0.2261,0.1729,0.2131,0.0693,0.2281,0.406,0.3973,0.2741,0.369,0.5556,0.4846,0.314,0.5334,0.5256,0.252,0.209,0.3559,0.626,0.734,0.612,0.3497,0.3953,0.3012,0.5408,0.8814,0.9857,0.9167,0.6121,0.5006,0.321,0.3202,0.4295,0.3654,0.2655,0.1576,0.0681,0.0294,0.0241,0.0121,0.0036,0.015,0.0085,0.0073,0.005,0.0044,0.004,0.0117,Rock
|
||||
0.0762,0.0666,0.0481,0.0394,0.059,0.0649,0.1209,0.2467,0.3564,0.4459,0.4152,0.3952,0.4256,0.4135,0.4528,0.5326,0.7306,0.6193,0.2032,0.4636,0.4148,0.4292,0.573,0.5399,0.3161,0.2285,0.6995,1,0.7262,0.4724,0.5103,0.5459,0.2881,0.0981,0.1951,0.4181,0.4604,0.3217,0.2828,0.243,0.1979,0.2444,0.1847,0.0841,0.0692,0.0528,0.0357,0.0085,0.023,0.0046,0.0156,0.0031,0.0054,0.0105,0.011,0.0015,0.0072,0.0048,0.0107,0.0094,Rock
|
||||
0.0286,0.0453,0.0277,0.0174,0.0384,0.099,0.1201,0.1833,0.2105,0.3039,0.2988,0.425,0.6343,0.8198,1,0.9988,0.9508,0.9025,0.7234,0.5122,0.2074,0.3985,0.589,0.2872,0.2043,0.5782,0.5389,0.375,0.3411,0.5067,0.558,0.4778,0.3299,0.2198,0.1407,0.2856,0.3807,0.4158,0.4054,0.3296,0.2707,0.265,0.0723,0.1238,0.1192,0.1089,0.0623,0.0494,0.0264,0.0081,0.0104,0.0045,0.0014,0.0038,0.0013,0.0089,0.0057,0.0027,0.0051,0.0062,Rock
|
||||
0.0317,0.0956,0.1321,0.1408,0.1674,0.171,0.0731,0.1401,0.2083,0.3513,0.1786,0.0658,0.0513,0.3752,0.5419,0.544,0.515,0.4262,0.2024,0.4233,0.7723,0.9735,0.939,0.5559,0.5268,0.6826,0.5713,0.5429,0.2177,0.2149,0.5811,0.6323,0.2965,0.1873,0.2969,0.5163,0.6153,0.4283,0.5479,0.6133,0.5017,0.2377,0.1957,0.1749,0.1304,0.0597,0.1124,0.1047,0.0507,0.0159,0.0195,0.0201,0.0248,0.0131,0.007,0.0138,0.0092,0.0143,0.0036,0.0103,Rock
|
||||
0.0519,0.0548,0.0842,0.0319,0.1158,0.0922,0.1027,0.0613,0.1465,0.2838,0.2802,0.3086,0.2657,0.3801,0.5626,0.4376,0.2617,0.1199,0.6676,0.9402,0.7832,0.5352,0.6809,0.9174,0.7613,0.822,0.8872,0.6091,0.2967,0.1103,0.1318,0.0624,0.099,0.4006,0.3666,0.105,0.1915,0.393,0.4288,0.2546,0.1151,0.2196,0.1879,0.1437,0.2146,0.236,0.1125,0.0254,0.0285,0.0178,0.0052,0.0081,0.012,0.0045,0.0121,0.0097,0.0085,0.0047,0.0048,0.0053,Rock
|
||||
0.0223,0.0375,0.0484,0.0475,0.0647,0.0591,0.0753,0.0098,0.0684,0.1487,0.1156,0.1654,0.3833,0.3598,0.1713,0.1136,0.0349,0.3796,0.7401,0.9925,0.9802,0.889,0.6712,0.4286,0.3374,0.7366,0.9611,0.7353,0.4856,0.1594,0.3007,0.4096,0.317,0.3305,0.3408,0.2186,0.2463,0.2726,0.168,0.2792,0.2558,0.174,0.2121,0.1099,0.0985,0.1271,0.1459,0.1164,0.0777,0.0439,0.0061,0.0145,0.0128,0.0145,0.0058,0.0049,0.0065,0.0093,0.0059,0.0022,Rock
|
||||
0.0164,0.0173,0.0347,0.007,0.0187,0.0671,0.1056,0.0697,0.0962,0.0251,0.0801,0.1056,0.1266,0.089,0.0198,0.1133,0.2826,0.3234,0.3238,0.4333,0.6068,0.7652,0.9203,0.9719,0.9207,0.7545,0.8289,0.8907,0.7309,0.6896,0.5829,0.4935,0.3101,0.0306,0.0244,0.1108,0.1594,0.1371,0.0696,0.0452,0.062,0.1421,0.1597,0.1384,0.0372,0.0688,0.0867,0.0513,0.0092,0.0198,0.0118,0.009,0.0223,0.0179,0.0084,0.0068,0.0032,0.0035,0.0056,0.004,Rock
|
||||
0.0039,0.0063,0.0152,0.0336,0.031,0.0284,0.0396,0.0272,0.0323,0.0452,0.0492,0.0996,0.1424,0.1194,0.0628,0.0907,0.1177,0.1429,0.1223,0.1104,0.1847,0.3715,0.4382,0.5707,0.6654,0.7476,0.7654,0.8555,0.972,0.9221,0.7502,0.7209,0.7757,0.6055,0.5021,0.4499,0.3947,0.4281,0.4427,0.3749,0.1972,0.0511,0.0793,0.1269,0.1533,0.069,0.0402,0.0534,0.0228,0.0073,0.0062,0.0062,0.012,0.0052,0.0056,0.0093,0.0042,0.0003,0.0053,0.0036,Rock
|
||||
0.0123,0.0309,0.0169,0.0313,0.0358,0.0102,0.0182,0.0579,0.1122,0.0835,0.0548,0.0847,0.2026,0.2557,0.187,0.2032,0.1463,0.2849,0.5824,0.7728,0.7852,0.8515,0.5312,0.3653,0.5973,0.8275,1,0.8673,0.6301,0.4591,0.394,0.2576,0.2817,0.2641,0.2757,0.2698,0.3994,0.4576,0.394,0.2522,0.1782,0.1354,0.0516,0.0337,0.0894,0.0861,0.0872,0.0445,0.0134,0.0217,0.0188,0.0133,0.0265,0.0224,0.0074,0.0118,0.0026,0.0092,0.0009,0.0044,Rock
|
||||
0.0079,0.0086,0.0055,0.025,0.0344,0.0546,0.0528,0.0958,0.1009,0.124,0.1097,0.1215,0.1874,0.3383,0.3227,0.2723,0.3943,0.6432,0.7271,0.8673,0.9674,0.9847,0.948,0.8036,0.6833,0.5136,0.309,0.0832,0.4019,0.2344,0.1905,0.1235,0.1717,0.2351,0.2489,0.3649,0.3382,0.1589,0.0989,0.1089,0.1043,0.0839,0.1391,0.0819,0.0678,0.0663,0.1202,0.0692,0.0152,0.0266,0.0174,0.0176,0.0127,0.0088,0.0098,0.0019,0.0059,0.0058,0.0059,0.0032,Rock
|
||||
0.009,0.0062,0.0253,0.0489,0.1197,0.1589,0.1392,0.0987,0.0955,0.1895,0.1896,0.2547,0.4073,0.2988,0.2901,0.5326,0.4022,0.1571,0.3024,0.3907,0.3542,0.4438,0.6414,0.4601,0.6009,0.869,0.8345,0.7669,0.5081,0.462,0.538,0.5375,0.3844,0.3601,0.7402,0.7761,0.3858,0.0667,0.3684,0.6114,0.351,0.2312,0.2195,0.3051,0.1937,0.157,0.0479,0.0538,0.0146,0.0068,0.0187,0.0059,0.0095,0.0194,0.008,0.0152,0.0158,0.0053,0.0189,0.0102,Rock
|
||||
0.0124,0.0433,0.0604,0.0449,0.0597,0.0355,0.0531,0.0343,0.1052,0.212,0.164,0.1901,0.3026,0.2019,0.0592,0.239,0.3657,0.3809,0.5929,0.6299,0.5801,0.4574,0.4449,0.3691,0.6446,0.894,0.8978,0.498,0.3333,0.235,0.1553,0.3666,0.434,0.3082,0.3024,0.4109,0.5501,0.4129,0.5499,0.5018,0.3132,0.2802,0.2351,0.2298,0.1155,0.0724,0.0621,0.0318,0.045,0.0167,0.0078,0.0083,0.0057,0.0174,0.0188,0.0054,0.0114,0.0196,0.0147,0.0062,Rock
|
||||
0.0298,0.0615,0.065,0.0921,0.1615,0.2294,0.2176,0.2033,0.1459,0.0852,0.2476,0.3645,0.2777,0.2826,0.3237,0.4335,0.5638,0.4555,0.4348,0.6433,0.3932,0.1989,0.354,0.9165,0.9371,0.462,0.2771,0.6613,0.8028,0.42,0.5192,0.6962,0.5792,0.8889,0.7863,0.7133,0.7615,0.4401,0.3009,0.3163,0.2809,0.2898,0.0526,0.1867,0.1553,0.1633,0.1252,0.0748,0.0452,0.0064,0.0154,0.0031,0.0153,0.0071,0.0212,0.0076,0.0152,0.0049,0.02,0.0073,Rock
|
||||
0.0352,0.0116,0.0191,0.0469,0.0737,0.1185,0.1683,0.1541,0.1466,0.2912,0.2328,0.2237,0.247,0.156,0.3491,0.3308,0.2299,0.2203,0.2493,0.4128,0.3158,0.6191,0.5854,0.3395,0.2561,0.5599,0.8145,0.6941,0.6985,0.866,0.593,0.3664,0.675,0.8697,0.7837,0.7552,0.5789,0.4713,0.1252,0.6087,0.7322,0.5977,0.3431,0.1803,0.2378,0.3424,0.2303,0.0689,0.0216,0.0469,0.0426,0.0346,0.0158,0.0154,0.0109,0.0048,0.0095,0.0015,0.0073,0.0067,Rock
|
||||
0.0192,0.0607,0.0378,0.0774,0.1388,0.0809,0.0568,0.0219,0.1037,0.1186,0.1237,0.1601,0.352,0.4479,0.3769,0.5761,0.6426,0.679,0.7157,0.5466,0.5399,0.6362,0.7849,0.7756,0.578,0.4862,0.4181,0.2457,0.0716,0.0613,0.1816,0.4493,0.5976,0.3785,0.2495,0.5771,0.8852,0.8409,0.357,0.3133,0.6096,0.6378,0.2709,0.1419,0.126,0.1288,0.079,0.0829,0.052,0.0216,0.036,0.0331,0.0131,0.012,0.0108,0.0024,0.0045,0.0037,0.0112,0.0075,Rock
|
||||
0.027,0.0092,0.0145,0.0278,0.0412,0.0757,0.1026,0.1138,0.0794,0.152,0.1675,0.137,0.1361,0.1345,0.2144,0.5354,0.683,0.56,0.3093,0.3226,0.443,0.5573,0.5782,0.6173,0.8132,0.9819,0.9823,0.9166,0.7423,0.7736,0.8473,0.7352,0.6671,0.6083,0.6239,0.5972,0.5715,0.5242,0.2924,0.1536,0.2003,0.2031,0.2207,0.1778,0.1353,0.1373,0.0749,0.0472,0.0325,0.0179,0.0045,0.0084,0.001,0.0018,0.0068,0.0039,0.012,0.0132,0.007,0.0088,Rock
|
||||
0.0126,0.0149,0.0641,0.1732,0.2565,0.2559,0.2947,0.411,0.4983,0.592,0.5832,0.5419,0.5472,0.5314,0.4981,0.6985,0.8292,0.7839,0.8215,0.9363,1,0.9224,0.7839,0.547,0.4562,0.5922,0.5448,0.3971,0.0882,0.2385,0.2005,0.0587,0.2544,0.2009,0.0329,0.1547,0.1212,0.2446,0.3171,0.3195,0.3051,0.0836,0.1266,0.1381,0.1136,0.0516,0.0073,0.0278,0.0372,0.0121,0.0153,0.0092,0.0035,0.0098,0.0121,0.0006,0.0181,0.0094,0.0116,0.0063,Rock
|
||||
0.0473,0.0509,0.0819,0.1252,0.1783,0.307,0.3008,0.2362,0.383,0.3759,0.3021,0.2909,0.2301,0.1411,0.1582,0.243,0.4474,0.5964,0.6744,0.7969,0.8319,0.7813,0.8626,0.7369,0.4122,0.2596,0.3392,0.3788,0.4488,0.6281,0.7449,0.7328,0.7704,0.787,0.6048,0.586,0.6385,0.7279,0.6286,0.5316,0.4069,0.1791,0.1625,0.2527,0.1903,0.1643,0.0604,0.0209,0.0436,0.0175,0.0107,0.0193,0.0118,0.0064,0.0042,0.0054,0.0049,0.0082,0.0028,0.0027,Rock
|
||||
0.0664,0.0575,0.0842,0.0372,0.0458,0.0771,0.0771,0.113,0.2353,0.1838,0.2869,0.4129,0.3647,0.1984,0.284,0.4039,0.5837,0.6792,0.6086,0.4858,0.3246,0.2013,0.2082,0.1686,0.2484,0.2736,0.2984,0.4655,0.699,0.7474,0.7956,0.7981,0.6715,0.6942,0.744,0.8169,0.8912,1,0.8753,0.7061,0.6803,0.5898,0.4618,0.3639,0.1492,0.1216,0.1306,0.1198,0.0578,0.0235,0.0135,0.0141,0.019,0.0043,0.0036,0.0026,0.0024,0.0162,0.0109,0.0079,Rock
|
||||
0.0099,0.0484,0.0299,0.0297,0.0652,0.1077,0.2363,0.2385,0.0075,0.1882,0.1456,0.1892,0.3176,0.134,0.2169,0.2458,0.2589,0.2786,0.2298,0.0656,0.1441,0.1179,0.1668,0.1783,0.2476,0.257,0.1036,0.5356,0.7124,0.6291,0.4756,0.6015,0.7208,0.6234,0.5725,0.7523,0.8712,0.9252,0.9709,0.9297,0.8995,0.7911,0.56,0.2838,0.4407,0.5507,0.4331,0.2905,0.1981,0.0779,0.0396,0.0173,0.0149,0.0115,0.0202,0.0139,0.0029,0.016,0.0106,0.0134,Rock
|
||||
0.0115,0.015,0.0136,0.0076,0.0211,0.1058,0.1023,0.044,0.0931,0.0734,0.074,0.0622,0.1055,0.1183,0.1721,0.2584,0.3232,0.3817,0.4243,0.4217,0.4449,0.4075,0.3306,0.4012,0.4466,0.5218,0.7552,0.9503,1,0.9084,0.8283,0.7571,0.7262,0.6152,0.568,0.5757,0.5324,0.3672,0.1669,0.0866,0.0646,0.1891,0.2683,0.2887,0.2341,0.1668,0.1015,0.1195,0.0704,0.0167,0.0107,0.0091,0.0016,0.0084,0.0064,0.0026,0.0029,0.0037,0.007,0.0041,Rock
|
||||
0.0293,0.0644,0.039,0.0173,0.0476,0.0816,0.0993,0.0315,0.0736,0.086,0.0414,0.0472,0.0835,0.0938,0.1466,0.0809,0.1179,0.2179,0.3326,0.3258,0.2111,0.2302,0.3361,0.4259,0.4609,0.2606,0.0874,0.2862,0.5606,0.8344,0.8096,0.725,0.8048,0.9435,1,0.896,0.5516,0.3037,0.2338,0.2382,0.3318,0.3821,0.1575,0.2228,0.1582,0.1433,0.1634,0.1133,0.0567,0.0133,0.017,0.0035,0.0052,0.0083,0.0078,0.0075,0.0105,0.016,0.0095,0.0011,Rock
|
||||
0.0201,0.0026,0.0138,0.0062,0.0133,0.0151,0.0541,0.021,0.0505,0.1097,0.0841,0.0942,0.1204,0.042,0.0031,0.0162,0.0624,0.2127,0.3436,0.3813,0.3825,0.4764,0.6313,0.7523,0.8675,0.8788,0.7901,0.8357,0.9631,0.9619,0.9236,0.8903,0.9708,0.9647,0.7892,0.5307,0.2718,0.1953,0.1374,0.3105,0.379,0.4105,0.3355,0.2998,0.2748,0.2024,0.1043,0.0453,0.0337,0.0122,0.0072,0.0108,0.007,0.0063,0.003,0.0011,0.0007,0.0024,0.0057,0.0044,Rock
|
||||
0.0151,0.032,0.0599,0.105,0.1163,0.1734,0.1679,0.1119,0.0889,0.1205,0.0847,0.1518,0.2305,0.2793,0.3404,0.4527,0.695,0.8807,0.9154,0.7542,0.6736,0.7146,0.8335,0.7701,0.6993,0.6543,0.504,0.4926,0.4992,0.4161,0.1631,0.0404,0.0637,0.2962,0.3609,0.1866,0.0476,0.1497,0.2405,0.198,0.3175,0.2379,0.1716,0.1559,0.1556,0.0422,0.0493,0.0476,0.0219,0.0059,0.0086,0.0061,0.0015,0.0084,0.0128,0.0054,0.0011,0.0019,0.0023,0.0062,Rock
|
||||
0.0177,0.03,0.0288,0.0394,0.063,0.0526,0.0688,0.0633,0.0624,0.0613,0.168,0.3476,0.4561,0.5188,0.6308,0.7201,0.5153,0.3818,0.2644,0.3345,0.4865,0.6628,0.7389,0.9213,1,0.775,0.5593,0.6172,0.8635,0.6592,0.477,0.4983,0.333,0.3076,0.2876,0.2226,0.0794,0.0603,0.1049,0.0606,0.153,0.0983,0.1643,0.1901,0.1107,0.1917,0.1467,0.0392,0.0356,0.027,0.0168,0.0102,0.0122,0.0044,0.0075,0.0124,0.0099,0.0057,0.0032,0.0019,Rock
|
||||
0.01,0.0275,0.019,0.0371,0.0416,0.0201,0.0314,0.0651,0.1896,0.2668,0.3376,0.3282,0.2432,0.1268,0.1278,0.4441,0.6795,0.7051,0.7966,0.9401,0.9857,0.8193,0.5789,0.6394,0.7043,0.6875,0.4081,0.1811,0.2064,0.3917,0.3791,0.2042,0.2227,0.3341,0.3984,0.5077,0.5534,0.3352,0.2723,0.2278,0.2044,0.1986,0.0835,0.0908,0.138,0.1948,0.1211,0.0843,0.0589,0.0247,0.0118,0.0088,0.0104,0.0036,0.0088,0.0047,0.0117,0.002,0.0091,0.0058,Rock
|
||||
0.0189,0.0308,0.0197,0.0622,0.008,0.0789,0.144,0.1451,0.1789,0.2522,0.2607,0.371,0.3906,0.2672,0.2716,0.4183,0.6988,0.5733,0.2226,0.2631,0.7473,0.7263,0.3393,0.2824,0.6053,0.5897,0.4967,0.8616,0.8339,0.4084,0.2268,0.1745,0.0507,0.1588,0.304,0.1369,0.1605,0.2061,0.0734,0.0202,0.1638,0.1583,0.183,0.1886,0.1008,0.0663,0.0183,0.0404,0.0108,0.0143,0.0091,0.0038,0.0096,0.0142,0.019,0.014,0.0099,0.0092,0.0052,0.0075,Rock
|
||||
0.024,0.0218,0.0324,0.0569,0.033,0.0513,0.0897,0.0713,0.0569,0.0389,0.1934,0.2434,0.2906,0.2606,0.3811,0.4997,0.3015,0.3655,0.6791,0.7307,0.5053,0.4441,0.6987,0.8133,0.7781,0.8943,0.8929,0.8913,0.861,0.8063,0.554,0.2446,0.3459,0.1615,0.2467,0.5564,0.4681,0.0979,0.1582,0.0751,0.3321,0.3745,0.2666,0.1078,0.1418,0.1687,0.0738,0.0634,0.0144,0.0226,0.0061,0.0162,0.0146,0.0093,0.0112,0.0094,0.0054,0.0019,0.0066,0.0023,Rock
|
||||
0.0084,0.0153,0.0291,0.0432,0.0951,0.0752,0.0414,0.0259,0.0692,0.1753,0.197,0.1167,0.1683,0.0814,0.2179,0.5121,0.7231,0.7776,0.6222,0.3501,0.3733,0.2622,0.3776,0.7361,0.8673,0.8223,0.7772,0.7862,0.5652,0.3635,0.3534,0.3865,0.337,0.1693,0.2627,0.3195,0.1388,0.1048,0.1681,0.191,0.1174,0.0933,0.0856,0.0951,0.0986,0.0956,0.0426,0.0407,0.0106,0.0179,0.0056,0.0236,0.0114,0.0136,0.0117,0.006,0.0058,0.0031,0.0072,0.0045,Rock
|
||||
0.0195,0.0213,0.0058,0.019,0.0319,0.0571,0.1004,0.0668,0.0691,0.0242,0.0728,0.0639,0.3002,0.3854,0.4767,0.4602,0.3175,0.416,0.6428,1,0.8631,0.5212,0.3156,0.5952,0.7732,0.6042,0.4375,0.5487,0.472,0.6235,0.3851,0.159,0.3891,0.5294,0.3504,0.448,0.4041,0.5031,0.6475,0.5493,0.3548,0.2028,0.1882,0.0845,0.1315,0.159,0.0562,0.0617,0.0343,0.037,0.0261,0.0157,0.0074,0.0271,0.0203,0.0089,0.0095,0.0095,0.0021,0.0053,Rock
|
||||
0.0442,0.0477,0.0049,0.0581,0.0278,0.0678,0.1664,0.149,0.0974,0.1268,0.1109,0.2375,0.2007,0.214,0.1109,0.2036,0.2468,0.6682,0.8345,0.8252,0.8017,0.8982,0.9664,0.8515,0.6626,0.3241,0.2054,0.5669,0.5726,0.4877,0.7532,0.76,0.5185,0.412,0.556,0.5569,0.1336,0.3831,0.4611,0.433,0.2556,0.1466,0.3489,0.2659,0.0944,0.137,0.1344,0.0416,0.0719,0.0637,0.021,0.0204,0.0216,0.0135,0.0055,0.0073,0.008,0.0105,0.0059,0.0105,Rock
|
||||
0.0311,0.0491,0.0692,0.0831,0.0079,0.02,0.0981,0.1016,0.2025,0.0767,0.1767,0.2555,0.2812,0.2722,0.3227,0.3463,0.5395,0.7911,0.9064,0.8701,0.7672,0.2957,0.4148,0.6043,0.3178,0.3482,0.6158,0.8049,0.6289,0.4999,0.583,0.666,0.4124,0.126,0.2487,0.4676,0.5382,0.315,0.2139,0.1848,0.1679,0.2328,0.1015,0.0713,0.0615,0.0779,0.0761,0.0845,0.0592,0.0068,0.0089,0.0087,0.0032,0.013,0.0188,0.0101,0.0229,0.0182,0.0046,0.0038,Rock
|
||||
0.0206,0.0132,0.0533,0.0569,0.0647,0.1432,0.1344,0.2041,0.1571,0.1573,0.2327,0.1785,0.1507,0.1916,0.2061,0.2307,0.236,0.1299,0.3812,0.5858,0.4497,0.4876,1,0.8675,0.4718,0.5341,0.6197,0.7143,0.5605,0.3728,0.2481,0.1921,0.1386,0.3325,0.2883,0.3228,0.2607,0.204,0.2396,0.1319,0.0683,0.0334,0.0716,0.0976,0.0787,0.0522,0.05,0.0231,0.0221,0.0144,0.0307,0.0386,0.0147,0.0018,0.01,0.0096,0.0077,0.018,0.0109,0.007,Rock
|
||||
0.0094,0.0166,0.0398,0.0359,0.0681,0.0706,0.102,0.0893,0.0381,0.1328,0.1303,0.0273,0.0644,0.0712,0.1204,0.0717,0.1224,0.2349,0.3684,0.3918,0.4925,0.8793,0.9606,0.8786,0.6905,0.6937,0.5674,0.654,0.7802,0.7575,0.5836,0.6316,0.8108,0.9039,0.8647,0.6695,0.4027,0.237,0.2685,0.3662,0.3267,0.22,0.2996,0.2205,0.1163,0.0635,0.0465,0.0422,0.0174,0.0172,0.0134,0.0141,0.0191,0.0145,0.0065,0.0129,0.0217,0.0087,0.0077,0.0122,Rock
|
||||
0.0333,0.0221,0.027,0.0481,0.0679,0.0981,0.0843,0.1172,0.0759,0.092,0.1475,0.0522,0.1119,0.097,0.1174,0.1678,0.1642,0.1205,0.0494,0.1544,0.3485,0.6146,0.9146,0.9364,0.8677,0.8772,0.8553,0.8833,1,0.8296,0.6601,0.5499,0.5716,0.6859,0.6825,0.5142,0.275,0.1358,0.1551,0.2646,0.1994,0.1883,0.2746,0.1651,0.0575,0.0695,0.0598,0.0456,0.0021,0.0068,0.0036,0.0022,0.0032,0.006,0.0054,0.0063,0.0143,0.0132,0.0051,0.0041,Rock
|
||||
0.0123,0.0022,0.0196,0.0206,0.018,0.0492,0.0033,0.0398,0.0791,0.0475,0.1152,0.052,0.1192,0.1943,0.184,0.2077,0.1956,0.163,0.1218,0.1017,0.1354,0.3157,0.4645,0.5906,0.6776,0.8119,0.8594,0.9228,0.8387,0.7238,0.6292,0.5181,0.4629,0.5255,0.5147,0.3929,0.1279,0.0411,0.0859,0.1131,0.1306,0.1757,0.2648,0.1955,0.0656,0.058,0.0319,0.0301,0.0272,0.0074,0.0149,0.0125,0.0134,0.0026,0.0038,0.0018,0.0113,0.0058,0.0047,0.0071,Rock
|
||||
0.0091,0.0213,0.0206,0.0505,0.0657,0.0795,0.097,0.0872,0.0743,0.0837,0.1579,0.0898,0.0309,0.1856,0.2969,0.2032,0.1264,0.1655,0.1661,0.2091,0.231,0.446,0.6634,0.6933,0.7663,0.8206,0.7049,0.756,0.7466,0.6387,0.4846,0.3328,0.5356,0.8741,0.8573,0.6718,0.3446,0.315,0.2702,0.2598,0.2742,0.3594,0.4382,0.246,0.0758,0.0187,0.0797,0.0748,0.0367,0.0155,0.03,0.0112,0.0112,0.0102,0.0026,0.0097,0.0098,0.0043,0.0071,0.0108,Rock
|
||||
0.0068,0.0232,0.0513,0.0444,0.0249,0.0637,0.0422,0.113,0.1911,0.2475,0.1606,0.0922,0.2398,0.322,0.4295,0.2652,0.0666,0.1442,0.2373,0.2595,0.2493,0.3903,0.6384,0.8037,0.7026,0.6874,0.6997,0.8558,1,0.9621,0.8996,0.7575,0.6902,0.5686,0.4396,0.4546,0.2959,0.1587,0.1681,0.0842,0.1173,0.1754,0.2728,0.1705,0.0194,0.0213,0.0354,0.042,0.0093,0.0204,0.0199,0.0173,0.0163,0.0055,0.0045,0.0068,0.0041,0.0052,0.0194,0.0105,Rock
|
||||
0.0093,0.0185,0.0056,0.0064,0.026,0.0458,0.047,0.0057,0.0425,0.064,0.0888,0.1599,0.1541,0.2768,0.2176,0.2799,0.3491,0.2824,0.2479,0.3005,0.43,0.4684,0.452,0.5026,0.6217,0.6571,0.6632,0.7321,0.8534,1,0.8448,0.6354,0.6308,0.6211,0.6976,0.5868,0.4889,0.3683,0.2043,0.1469,0.222,0.1449,0.149,0.1211,0.1144,0.0791,0.0365,0.0152,0.0085,0.012,0.0022,0.0069,0.0064,0.0129,0.0114,0.0054,0.0089,0.005,0.0058,0.0025,Rock
|
||||
0.0211,0.0319,0.0415,0.0286,0.0121,0.0438,0.1299,0.139,0.0695,0.0568,0.0869,0.1935,0.1478,0.1871,0.1994,0.3283,0.6861,0.5814,0.25,0.1734,0.3363,0.5588,0.6592,0.7012,0.8099,0.8901,0.8745,0.7887,0.8725,0.9376,0.892,0.7508,0.6832,0.761,0.9017,1,0.9123,0.7388,0.5915,0.4057,0.3019,0.2331,0.2931,0.2298,0.2391,0.191,0.1096,0.03,0.0171,0.0383,0.0053,0.009,0.0042,0.0153,0.0106,0.002,0.0105,0.0049,0.007,0.008,Rock
|
||||
0.0093,0.0269,0.0217,0.0339,0.0305,0.1172,0.145,0.0638,0.074,0.136,0.2132,0.3738,0.3738,0.2673,0.2333,0.5367,0.7312,0.7659,0.6271,0.4395,0.433,0.4326,0.5544,0.736,0.8589,0.8989,0.942,0.9401,0.9379,0.8575,0.7284,0.67,0.7547,0.8773,0.9919,0.9922,0.9419,0.8388,0.6605,0.4816,0.2917,0.1769,0.1136,0.0701,0.1578,0.1938,0.1106,0.0693,0.0176,0.0205,0.0309,0.0212,0.0091,0.0056,0.0086,0.0092,0.007,0.0116,0.006,0.011,Rock
|
||||
0.0257,0.0447,0.0388,0.0239,0.1315,0.1323,0.1608,0.2145,0.0847,0.0561,0.0891,0.0861,0.1531,0.1524,0.1849,0.2871,0.2009,0.2748,0.5017,0.2172,0.4978,0.5265,0.3647,0.5768,0.5161,0.5715,0.4006,0.365,0.6685,0.8659,0.8052,0.4082,0.3379,0.5092,0.6776,0.7313,0.6062,0.704,0.8849,0.8979,0.7751,0.7247,0.7733,0.7762,0.6009,0.4514,0.3096,0.1859,0.0956,0.0206,0.0206,0.0096,0.0153,0.0096,0.0131,0.0198,0.0025,0.0199,0.0255,0.018,Rock
|
||||
0.0408,0.0653,0.0397,0.0604,0.0496,0.1817,0.1178,0.1024,0.0583,0.2176,0.2459,0.3332,0.3087,0.2613,0.3232,0.3731,0.4203,0.5364,0.7062,0.8196,0.8835,0.8299,0.7609,0.7605,0.8367,0.8905,0.7652,0.5897,0.3037,0.0823,0.2787,0.7241,0.8032,0.805,0.7676,0.7468,0.6253,0.173,0.2916,0.5003,0.522,0.4824,0.4004,0.3877,0.1651,0.0442,0.0663,0.0418,0.0475,0.0235,0.0066,0.0062,0.0129,0.0184,0.0069,0.0198,0.0199,0.0102,0.007,0.0055,Rock
|
||||
0.0308,0.0339,0.0202,0.0889,0.157,0.175,0.092,0.1353,0.1593,0.2795,0.3336,0.294,0.1608,0.3335,0.4985,0.7295,0.735,0.8253,0.8793,0.9657,1,0.8707,0.6471,0.5973,0.8218,0.7755,0.6111,0.4195,0.299,0.1354,0.2438,0.5624,0.5555,0.6963,0.7298,0.7022,0.5468,0.1421,0.4738,0.641,0.4375,0.3178,0.2377,0.2808,0.1374,0.1136,0.1034,0.0688,0.0422,0.0117,0.007,0.0167,0.0127,0.0138,0.009,0.0051,0.0029,0.0122,0.0056,0.002,Rock
|
||||
0.0373,0.0281,0.0232,0.0225,0.0179,0.0733,0.0841,0.1031,0.0993,0.0802,0.1564,0.2565,0.2624,0.1179,0.0597,0.1563,0.2241,0.3586,0.1792,0.3256,0.6079,0.6988,0.8391,0.8553,0.771,0.6215,0.5736,0.4402,0.4056,0.4411,0.513,0.5965,0.7272,0.6539,0.5902,0.5393,0.4897,0.4081,0.4145,0.6003,0.7196,0.6633,0.6287,0.4087,0.3212,0.2518,0.1482,0.0988,0.0317,0.0269,0.0066,0.0008,0.0045,0.0024,0.0006,0.0073,0.0096,0.0054,0.0085,0.006,Rock
|
||||
0.019,0.0038,0.0642,0.0452,0.0333,0.069,0.0901,0.1454,0.074,0.0349,0.1459,0.3473,0.3197,0.2823,0.0166,0.0572,0.2164,0.4563,0.3819,0.5627,0.6484,0.7235,0.8242,0.8766,1,0.8582,0.6563,0.5087,0.4817,0.453,0.4521,0.4532,0.5385,0.5308,0.5356,0.5271,0.426,0.2436,0.1205,0.3845,0.4107,0.5067,0.4216,0.2479,0.1586,0.1124,0.0651,0.0789,0.0325,0.007,0.0026,0.0093,0.0118,0.0112,0.0094,0.014,0.0072,0.0022,0.0055,0.0122,Rock
|
||||
0.0119,0.0582,0.0623,0.06,0.1397,0.1883,0.1422,0.1447,0.0487,0.0864,0.2143,0.372,0.2665,0.2113,0.1103,0.1136,0.1934,0.4142,0.3279,0.6222,0.7468,0.7676,0.7867,0.8253,1,0.9481,0.7539,0.6008,0.5437,0.5387,0.5619,0.5141,0.6084,0.5621,0.5956,0.6078,0.5025,0.2829,0.0477,0.2811,0.3422,0.5147,0.4372,0.247,0.1708,0.1343,0.0838,0.0755,0.0304,0.0074,0.0069,0.0025,0.0103,0.0074,0.0123,0.0069,0.0076,0.0073,0.003,0.0138,Rock
|
||||
0.0353,0.0713,0.0326,0.0272,0.037,0.0792,0.1083,0.0687,0.0298,0.088,0.1078,0.0979,0.225,0.2819,0.2099,0.124,0.1699,0.0939,0.1091,0.141,0.1268,0.3151,0.143,0.2264,0.5756,0.7876,0.7158,0.5998,0.5583,0.6295,0.7659,0.894,0.8436,0.6807,0.838,1,0.9497,0.7866,0.5647,0.348,0.2585,0.2304,0.2948,0.3363,0.3017,0.2193,0.1316,0.1078,0.0559,0.0035,0.0098,0.0163,0.0242,0.0043,0.0202,0.0108,0.0037,0.0096,0.0093,0.0053,Rock
|
||||
0.0131,0.0068,0.0308,0.0311,0.0085,0.0767,0.0771,0.064,0.0726,0.0901,0.075,0.0844,0.1226,0.1619,0.2317,0.2934,0.3526,0.3657,0.3221,0.3093,0.4084,0.4285,0.4663,0.5956,0.6948,0.8386,0.8875,0.6404,0.3308,0.3425,0.492,0.4592,0.3034,0.4366,0.5175,0.5122,0.4746,0.4902,0.4603,0.446,0.4196,0.2873,0.2296,0.0949,0.0095,0.0527,0.0383,0.0107,0.0108,0.0077,0.0109,0.0062,0.0028,0.004,0.0075,0.0039,0.0053,0.0013,0.0052,0.0023,Rock
|
||||
0.0087,0.0046,0.0081,0.023,0.0586,0.0682,0.0993,0.0717,0.0576,0.0818,0.1315,0.1862,0.2789,0.2579,0.224,0.2568,0.2933,0.2991,0.3924,0.4691,0.5665,0.6464,0.6774,0.7577,0.8856,0.9419,1,0.8564,0.679,0.5587,0.4147,0.2946,0.2025,0.0688,0.1171,0.2157,0.2216,0.2776,0.2309,0.1444,0.1513,0.1745,0.1756,0.1424,0.0908,0.0138,0.0469,0.048,0.0159,0.0045,0.0015,0.0052,0.0038,0.0079,0.0114,0.005,0.003,0.0064,0.0058,0.003,Rock
|
||||
0.0293,0.0378,0.0257,0.0062,0.013,0.0612,0.0895,0.1107,0.0973,0.0751,0.0528,0.1209,0.1763,0.2039,0.2727,0.2321,0.2676,0.2934,0.3295,0.491,0.5402,0.6257,0.6826,0.7527,0.8504,0.8938,0.9928,0.9134,0.708,0.6318,0.6126,0.4638,0.2797,0.1721,0.1665,0.2561,0.2735,0.3209,0.2724,0.188,0.1552,0.2522,0.2121,0.1801,0.1473,0.0681,0.1091,0.0919,0.0397,0.0093,0.0076,0.0065,0.0072,0.0108,0.0051,0.0102,0.0041,0.0055,0.005,0.0087,Rock
|
||||
0.0132,0.008,0.0188,0.0141,0.0436,0.0668,0.0609,0.0131,0.0899,0.0922,0.1445,0.1475,0.2087,0.2558,0.2603,0.1985,0.2394,0.3134,0.4077,0.4529,0.4893,0.5666,0.6234,0.6741,0.8282,0.8823,0.9196,0.8965,0.7549,0.6736,0.6463,0.5007,0.3663,0.2298,0.1362,0.2123,0.2395,0.2673,0.2865,0.206,0.1659,0.2633,0.2552,0.1696,0.1467,0.1286,0.0926,0.0716,0.0325,0.0258,0.0136,0.0044,0.0028,0.0021,0.0022,0.0048,0.0138,0.014,0.0028,0.0064,Rock
|
||||
0.0201,0.0116,0.0123,0.0245,0.0547,0.0208,0.0891,0.0836,0.1335,0.1199,0.1742,0.1387,0.2042,0.258,0.2616,0.2097,0.2532,0.3213,0.4327,0.476,0.5328,0.6057,0.6696,0.7476,0.893,0.9405,1,0.9785,0.8473,0.7639,0.6701,0.4989,0.3718,0.2196,0.1416,0.268,0.263,0.3104,0.3392,0.2123,0.117,0.2655,0.2203,0.1541,0.1464,0.1044,0.1225,0.0745,0.049,0.0224,0.0032,0.0076,0.0045,0.0056,0.0075,0.0037,0.0045,0.0029,0.0008,0.0018,Rock
|
||||
0.0152,0.0102,0.0113,0.0263,0.0097,0.0391,0.0857,0.0915,0.0949,0.1504,0.1911,0.2115,0.2249,0.2573,0.1701,0.2023,0.2538,0.3417,0.4026,0.4553,0.5525,0.5991,0.5854,0.7114,0.95,0.9858,1,0.9578,0.8642,0.7128,0.5893,0.4323,0.2897,0.1744,0.077,0.2297,0.2459,0.3101,0.3312,0.222,0.0871,0.2064,0.1808,0.1624,0.112,0.0815,0.1117,0.095,0.0412,0.012,0.0048,0.0049,0.0041,0.0036,0.0013,0.0046,0.0037,0.0011,0.0034,0.0033,Rock
|
||||
0.0216,0.0124,0.0174,0.0152,0.0608,0.1026,0.1139,0.0877,0.116,0.0866,0.1564,0.078,0.0997,0.0915,0.0662,0.1134,0.174,0.2573,0.3294,0.391,0.5438,0.6115,0.7022,0.761,0.7973,0.9105,0.8807,0.7949,0.799,0.718,0.6407,0.6312,0.5929,0.6168,0.6498,0.6764,0.6253,0.5117,0.389,0.3273,0.2509,0.153,0.1323,0.1657,0.1215,0.0978,0.0452,0.0273,0.0179,0.0092,0.0018,0.0052,0.0049,0.0096,0.0134,0.0122,0.0047,0.0018,0.0006,0.0023,Rock
|
||||
0.0225,0.0019,0.0075,0.0097,0.0445,0.0906,0.0889,0.0655,0.1624,0.1452,0.1442,0.0948,0.0618,0.1641,0.0708,0.0844,0.259,0.2679,0.3094,0.4678,0.5958,0.7245,0.8773,0.9214,0.9282,0.9942,1,0.9071,0.8545,0.7293,0.6499,0.6071,0.5588,0.5967,0.6275,0.5459,0.4786,0.3965,0.2087,0.1651,0.1836,0.0652,0.0758,0.0486,0.0353,0.0297,0.0241,0.0379,0.0119,0.0073,0.0051,0.0034,0.0129,0.01,0.0044,0.0057,0.003,0.0035,0.0021,0.0027,Rock
|
||||
0.0125,0.0152,0.0218,0.0175,0.0362,0.0696,0.0873,0.0616,0.1252,0.1302,0.0888,0.05,0.0628,0.1274,0.0801,0.0742,0.2048,0.295,0.3193,0.4567,0.5959,0.7101,0.8225,0.8425,0.9065,0.9802,1,0.8752,0.7583,0.6616,0.5786,0.5128,0.4776,0.4994,0.5197,0.5071,0.4577,0.3505,0.1845,0.189,0.1967,0.1041,0.055,0.0492,0.0622,0.0505,0.0247,0.0219,0.0102,0.0047,0.0019,0.0041,0.0074,0.003,0.005,0.0048,0.0017,0.0041,0.0086,0.0058,Rock
|
||||
0.013,0.0006,0.0088,0.0456,0.0525,0.0778,0.0931,0.0941,0.1711,0.1483,0.1532,0.11,0.089,0.1236,0.1197,0.1145,0.2137,0.2838,0.364,0.543,0.6673,0.7979,0.9273,0.9027,0.9192,1,0.9821,0.9092,0.8184,0.6962,0.59,0.5447,0.5142,0.5389,0.5531,0.5318,0.4826,0.379,0.1831,0.175,0.1679,0.0674,0.0609,0.0375,0.0533,0.0278,0.0179,0.0114,0.0073,0.0116,0.0092,0.0078,0.0041,0.0013,0.0011,0.0045,0.0039,0.0022,0.0023,0.0016,Rock
|
||||
0.0135,0.0045,0.0051,0.0289,0.0561,0.0929,0.1031,0.0883,0.1596,0.1908,0.1576,0.1112,0.1197,0.1174,0.1415,0.2215,0.2658,0.2713,0.3862,0.5717,0.6797,0.8747,1,0.8948,0.842,0.9174,0.9307,0.905,0.8228,0.6986,0.5831,0.4924,0.4563,0.5159,0.567,0.5284,0.5144,0.3742,0.2282,0.1193,0.1088,0.0431,0.107,0.0583,0.0046,0.0473,0.0408,0.029,0.0192,0.0094,0.0025,0.0037,0.0084,0.0102,0.0096,0.0024,0.0037,0.0028,0.003,0.003,Rock
|
||||
0.0086,0.0215,0.0242,0.0445,0.0667,0.0771,0.0499,0.0906,0.1229,0.1185,0.0775,0.1101,0.1042,0.0853,0.0456,0.1304,0.269,0.2947,0.3669,0.4948,0.6275,0.8162,0.9237,0.871,0.8052,0.8756,1,0.9858,0.9427,0.8114,0.6987,0.681,0.6591,0.6954,0.729,0.668,0.5917,0.4899,0.3439,0.2366,0.1716,0.1013,0.0766,0.0845,0.026,0.0333,0.0205,0.0309,0.0101,0.0095,0.0047,0.0072,0.0054,0.0022,0.0016,0.0029,0.0058,0.005,0.0024,0.003,Rock
|
||||
0.0067,0.0096,0.0024,0.0058,0.0197,0.0618,0.0432,0.0951,0.0836,0.118,0.0978,0.0909,0.0656,0.0593,0.0832,0.1297,0.2038,0.3811,0.4451,0.5224,0.5911,0.6566,0.6308,0.5998,0.4958,0.5647,0.6906,0.8513,1,0.9166,0.7676,0.6177,0.5468,0.5516,0.5463,0.5515,0.4561,0.3466,0.3384,0.2853,0.2502,0.1641,0.1605,0.1491,0.1326,0.0687,0.0602,0.0561,0.0306,0.0154,0.0029,0.0048,0.0023,0.002,0.004,0.0019,0.0034,0.0034,0.0051,0.0031,Rock
|
||||
0.0071,0.0103,0.0135,0.0494,0.0253,0.0806,0.0701,0.0738,0.0117,0.0898,0.0289,0.1554,0.1437,0.1035,0.1424,0.1227,0.0892,0.2047,0.0827,0.1524,0.3031,0.1608,0.0667,0.1426,0.0395,0.1653,0.3399,0.4855,0.5206,0.5508,0.6102,0.5989,0.6764,0.8897,1,0.9517,0.8459,0.7073,0.6697,0.6326,0.5102,0.4161,0.2816,0.1705,0.1421,0.0971,0.0879,0.0863,0.0355,0.0233,0.0252,0.0043,0.0048,0.0076,0.0124,0.0105,0.0054,0.0032,0.0073,0.0063,Rock
|
||||
0.0176,0.0172,0.0501,0.0285,0.0262,0.0351,0.0362,0.0535,0.0258,0.0474,0.0526,0.1854,0.104,0.0948,0.0912,0.1688,0.1568,0.0375,0.1316,0.2086,0.1976,0.0946,0.1965,0.1242,0.0616,0.2141,0.4642,0.6471,0.634,0.6107,0.7046,0.5376,0.5934,0.8443,0.9481,0.9705,0.7766,0.6313,0.576,0.6148,0.545,0.4813,0.3406,0.1916,0.1134,0.064,0.0911,0.098,0.0563,0.0187,0.0088,0.0042,0.0175,0.0171,0.0079,0.005,0.0112,0.0179,0.0294,0.0063,Rock
|
||||
0.0265,0.044,0.0137,0.0084,0.0305,0.0438,0.0341,0.078,0.0844,0.0779,0.0327,0.206,0.1908,0.1065,0.1457,0.2232,0.207,0.1105,0.1078,0.1165,0.2224,0.0689,0.206,0.2384,0.0904,0.2278,0.5872,0.8457,0.8467,0.7679,0.8055,0.626,0.6545,0.8747,0.9885,0.9348,0.696,0.5733,0.5872,0.6663,0.5651,0.5247,0.3684,0.1997,0.1512,0.0508,0.0931,0.0982,0.0524,0.0188,0.01,0.0038,0.0187,0.0156,0.0068,0.0097,0.0073,0.0081,0.0086,0.0095,Rock
|
||||
0.0368,0.0403,0.0317,0.0293,0.082,0.1342,0.1161,0.0663,0.0155,0.0506,0.0906,0.2545,0.1464,0.1272,0.1223,0.1669,0.1424,0.1285,0.1857,0.1136,0.2069,0.0219,0.24,0.2547,0.024,0.1923,0.4753,0.7003,0.6825,0.6443,0.7063,0.5373,0.6601,0.8708,0.9518,0.9605,0.7712,0.6772,0.6431,0.672,0.6035,0.5155,0.3802,0.2278,0.1522,0.0801,0.0804,0.0752,0.0566,0.0175,0.0058,0.0091,0.016,0.016,0.0081,0.007,0.0135,0.0067,0.0078,0.0068,Rock
|
||||
0.0195,0.0142,0.0181,0.0406,0.0391,0.0249,0.0892,0.0973,0.084,0.1191,0.1522,0.1322,0.1434,0.1244,0.0653,0.089,0.1226,0.1846,0.388,0.3658,0.2297,0.261,0.4193,0.5848,0.5643,0.5448,0.4772,0.6897,0.9797,1,0.9546,0.8835,0.7662,0.6547,0.5447,0.4593,0.4679,0.1987,0.0699,0.1493,0.1713,0.1654,0.26,0.3846,0.3754,0.2414,0.1077,0.0224,0.0155,0.0187,0.0125,0.0028,0.0067,0.012,0.0012,0.0022,0.0058,0.0042,0.0067,0.0012,Rock
|
||||
0.0216,0.0215,0.0273,0.0139,0.0357,0.0785,0.0906,0.0908,0.1151,0.0973,0.1203,0.1102,0.1192,0.1762,0.239,0.2138,0.1929,0.1765,0.0746,0.1265,0.2005,0.1571,0.2605,0.5386,0.844,1,0.8684,0.6742,0.5537,0.4638,0.3609,0.2055,0.162,0.2092,0.31,0.2344,0.1058,0.0383,0.0528,0.1291,0.2241,0.1915,0.1587,0.0942,0.084,0.067,0.0342,0.0469,0.0357,0.0136,0.0082,0.014,0.0044,0.0052,0.0073,0.0021,0.0047,0.0024,0.0009,0.0017,Rock
|
||||
0.0065,0.0122,0.0068,0.0108,0.0217,0.0284,0.0527,0.0575,0.1054,0.1109,0.0937,0.0827,0.092,0.0911,0.1487,0.1666,0.1268,0.1374,0.1095,0.1286,0.2146,0.2889,0.4238,0.6168,0.8167,0.9622,0.828,0.5816,0.4667,0.3539,0.2727,0.141,0.1863,0.2176,0.236,0.1725,0.0589,0.0621,0.1847,0.2452,0.2984,0.3041,0.2275,0.148,0.1102,0.1178,0.0608,0.0333,0.0276,0.01,0.0023,0.0069,0.0025,0.0027,0.0052,0.0036,0.0026,0.0036,0.0006,0.0035,Rock
|
||||
0.0036,0.0078,0.0092,0.0387,0.053,0.1197,0.1243,0.1026,0.1239,0.0888,0.0937,0.1245,0.1599,0.1542,0.1846,0.1732,0.1477,0.1748,0.1455,0.1579,0.2257,0.1975,0.3368,0.5828,0.8505,1,0.8457,0.6624,0.5564,0.3925,0.3233,0.2054,0.192,0.2227,0.3147,0.2268,0.0795,0.0748,0.1166,0.1969,0.2619,0.2507,0.1983,0.0948,0.0931,0.0965,0.0381,0.0435,0.0336,0.0055,0.0079,0.0119,0.0055,0.0035,0.0036,0.0004,0.0018,0.0049,0.0024,0.0016,Rock
|
||||
0.0208,0.0186,0.0131,0.0211,0.061,0.0613,0.0612,0.0506,0.0989,0.1093,0.1063,0.1179,0.1291,0.1591,0.168,0.1918,0.1615,0.1647,0.1397,0.1426,0.2429,0.2816,0.429,0.6443,0.9061,1,0.8087,0.6119,0.526,0.3677,0.2746,0.102,0.1339,0.1582,0.1952,0.1787,0.0429,0.1096,0.1762,0.2481,0.315,0.292,0.1902,0.0696,0.0758,0.091,0.0441,0.0244,0.0265,0.0095,0.014,0.0074,0.0063,0.0081,0.0087,0.0044,0.0028,0.0019,0.0049,0.0023,Rock
|
||||
0.0139,0.0222,0.0089,0.0108,0.0215,0.0136,0.0659,0.0954,0.0786,0.1015,0.1261,0.0828,0.0493,0.0848,0.1514,0.1396,0.1066,0.1923,0.2991,0.3247,0.3797,0.5658,0.7483,0.8757,0.9048,0.7511,0.6858,0.7043,0.5864,0.3773,0.2206,0.2628,0.2672,0.2907,0.1982,0.2288,0.3186,0.2871,0.2921,0.2806,0.2682,0.2112,0.1513,0.1789,0.185,0.1717,0.0898,0.0656,0.0445,0.011,0.0024,0.0062,0.0072,0.0113,0.0012,0.0022,0.0025,0.0059,0.0039,0.0048,Rock
|
||||
0.0109,0.0093,0.0121,0.0378,0.0679,0.0863,0.1004,0.0664,0.0941,0.1036,0.0972,0.0501,0.1546,0.3404,0.4804,0.657,0.7738,0.7827,0.8152,0.8129,0.8297,0.8535,0.887,0.8894,0.898,0.9667,1,0.9134,0.6762,0.4659,0.2895,0.2959,0.1746,0.2112,0.2569,0.2276,0.2149,0.1601,0.0371,0.0117,0.0488,0.0288,0.0597,0.0431,0.0369,0.0025,0.0327,0.0257,0.0182,0.0108,0.0124,0.0077,0.0023,0.0117,0.0053,0.0077,0.0076,0.0056,0.0055,0.0039,Rock
|
||||
0.0202,0.0104,0.0325,0.0239,0.0807,0.1529,0.1154,0.0608,0.1317,0.137,0.0843,0.0269,0.1254,0.3046,0.5584,0.7973,0.8341,0.8057,0.8616,0.8769,0.9413,0.9403,0.9409,1,0.9725,0.9309,0.9351,0.7317,0.4421,0.3244,0.4161,0.4611,0.4031,0.3,0.2459,0.1348,0.2541,0.2255,0.1598,0.1485,0.0845,0.0569,0.0855,0.1262,0.1153,0.057,0.0426,0.0425,0.0235,0.0006,0.0188,0.0127,0.0081,0.0067,0.0043,0.0065,0.0049,0.0054,0.0073,0.0054,Rock
|
||||
0.0239,0.0189,0.0466,0.044,0.0657,0.0742,0.138,0.1099,0.1384,0.1376,0.0938,0.0259,0.1499,0.2851,0.5743,0.8278,0.8669,0.8131,0.9045,0.9046,1,0.9976,0.9872,0.9761,0.9009,0.9724,0.9675,0.7633,0.4434,0.3822,0.4727,0.4007,0.3381,0.3172,0.2222,0.0733,0.2692,0.1888,0.0712,0.1062,0.0694,0.03,0.0893,0.1459,0.1348,0.0391,0.0546,0.0469,0.0201,0.0095,0.0155,0.0091,0.0151,0.008,0.0018,0.0078,0.0045,0.0026,0.0036,0.0024,Rock
|
||||
0.0336,0.0294,0.0476,0.0539,0.0794,0.0804,0.1136,0.1228,0.1235,0.0842,0.0357,0.0689,0.1705,0.3257,0.4602,0.6225,0.7327,0.7843,0.7988,0.8261,1,0.9814,0.962,0.9601,0.9118,0.9086,0.7931,0.5877,0.3474,0.4235,0.4633,0.341,0.2849,0.2847,0.1742,0.0549,0.1192,0.1154,0.0855,0.1811,0.1264,0.0799,0.0378,0.1268,0.1125,0.0505,0.0949,0.0677,0.0259,0.017,0.0033,0.015,0.0111,0.0032,0.0035,0.0169,0.0137,0.0015,0.0069,0.0051,Rock
|
||||
0.0231,0.0351,0.003,0.0304,0.0339,0.086,0.1738,0.1351,0.1063,0.0347,0.0575,0.1382,0.2274,0.4038,0.5223,0.6847,0.7521,0.776,0.7708,0.8627,1,0.8873,0.8057,0.876,0.9066,0.943,0.8846,0.65,0.297,0.2423,0.2992,0.2285,0.2277,0.1529,0.1037,0.0352,0.1073,0.1373,0.1331,0.1454,0.1115,0.044,0.0762,0.1381,0.0831,0.0654,0.0844,0.0595,0.0497,0.0313,0.0154,0.0106,0.0097,0.0022,0.0052,0.0072,0.0056,0.0038,0.0043,0.003,Rock
|
||||
0.0108,0.0086,0.0058,0.046,0.0752,0.0887,0.1015,0.0494,0.0472,0.0393,0.1106,0.1412,0.2202,0.2976,0.4116,0.4754,0.539,0.6279,0.706,0.7918,0.9493,1,0.9645,0.9432,0.8658,0.7895,0.6501,0.4492,0.4739,0.6153,0.4929,0.3195,0.3735,0.3336,0.1052,0.0671,0.0379,0.0461,0.1694,0.2169,0.1677,0.0644,0.0159,0.0778,0.0653,0.021,0.0509,0.0387,0.0262,0.0101,0.0161,0.0029,0.0078,0.0114,0.0083,0.0058,0.0003,0.0023,0.0026,0.0027,Rock
|
||||
0.0229,0.0369,0.004,0.0375,0.0455,0.1452,0.2211,0.1188,0.075,0.1631,0.2709,0.3358,0.4091,0.44,0.5485,0.7213,0.8137,0.9185,1,0.9418,0.9116,0.9349,0.7484,0.5146,0.4106,0.3443,0.6981,0.8713,0.9013,0.8014,0.438,0.1319,0.1709,0.2484,0.3044,0.2312,0.1338,0.2056,0.2474,0.279,0.161,0.0056,0.0351,0.1148,0.1331,0.0276,0.0763,0.0631,0.0309,0.024,0.0115,0.0064,0.0022,0.0122,0.0151,0.0056,0.0026,0.0029,0.0104,0.0163,Rock
|
||||
0.01,0.0194,0.0155,0.0489,0.0839,0.1009,0.1627,0.2071,0.2696,0.299,0.3242,0.3565,0.3951,0.5201,0.6953,0.8468,1,0.9278,0.851,0.801,0.8142,0.8825,0.7302,0.6107,0.7159,0.8458,0.6319,0.4808,0.6291,0.7152,0.6005,0.4235,0.4106,0.3992,0.173,0.1975,0.237,0.1339,0.1583,0.3151,0.1968,0.2054,0.1272,0.1129,0.1946,0.2195,0.193,0.1498,0.0773,0.0196,0.0122,0.013,0.0073,0.0077,0.0075,0.006,0.008,0.0019,0.0053,0.0019,Rock
|
||||
0.0409,0.0421,0.0573,0.013,0.0183,0.1019,0.1054,0.107,0.2302,0.2259,0.2373,0.3323,0.3827,0.484,0.6812,0.7555,0.9522,0.9826,0.8871,0.8268,0.7561,0.8217,0.6967,0.6444,0.6948,0.8014,0.6053,0.6084,0.8877,0.8557,0.5563,0.2897,0.3638,0.4786,0.2908,0.0899,0.2043,0.1707,0.0407,0.1286,0.1581,0.2191,0.1701,0.0971,0.2217,0.2732,0.1874,0.1062,0.0665,0.0405,0.0113,0.0028,0.0036,0.0105,0.012,0.0087,0.0061,0.0061,0.003,0.0078,Rock
|
||||
0.0217,0.034,0.0392,0.0236,0.1081,0.1164,0.1398,0.1009,0.1147,0.1777,0.4079,0.4113,0.3973,0.5078,0.6509,0.8073,0.9819,1,0.9407,0.8452,0.8106,0.846,0.6212,0.5815,0.7745,0.8204,0.5601,0.2989,0.5009,0.6628,0.5753,0.4055,0.3746,0.3481,0.158,0.1422,0.213,0.1866,0.1003,0.2396,0.2241,0.2029,0.071,0.1606,0.1669,0.17,0.1829,0.1403,0.0506,0.0224,0.0095,0.0031,0.0103,0.0078,0.0077,0.0094,0.0031,0.003,0.0013,0.0069,Rock
|
||||
0.0378,0.0318,0.0423,0.035,0.1787,0.1635,0.0887,0.0817,0.1779,0.2053,0.3135,0.3118,0.3686,0.3885,0.585,0.7868,0.9739,1,0.9843,0.861,0.8443,0.9061,0.5847,0.4033,0.5946,0.6793,0.6389,0.5002,0.5578,0.4831,0.4729,0.3318,0.3969,0.3894,0.2314,0.1036,0.1312,0.0864,0.2569,0.3179,0.2649,0.2714,0.1713,0.0584,0.123,0.22,0.2198,0.1074,0.0423,0.0162,0.0093,0.0046,0.0044,0.0078,0.0102,0.0065,0.0061,0.0062,0.0043,0.0053,Rock
|
||||
0.0365,0.1632,0.1636,0.1421,0.113,0.1306,0.2112,0.2268,0.2992,0.3735,0.3042,0.0387,0.2679,0.5397,0.6204,0.7257,0.835,0.6888,0.445,0.3921,0.5605,0.7545,0.8311,1,0.8762,0.7092,0.7009,0.5014,0.3942,0.4456,0.4072,0.0773,0.1423,0.0401,0.3597,0.6847,0.7076,0.3597,0.0612,0.3027,0.3966,0.3868,0.238,0.2059,0.2288,0.1704,0.1587,0.1792,0.1022,0.0151,0.0223,0.011,0.0071,0.0205,0.0164,0.0063,0.0078,0.0094,0.011,0.0068,Rock
|
||||
0.0188,0.037,0.0953,0.0824,0.0249,0.0488,0.1424,0.1972,0.1873,0.1806,0.2139,0.1523,0.1975,0.4844,0.7298,0.7807,0.7906,0.6122,0.42,0.2807,0.5148,0.7569,0.8596,1,0.8457,0.6797,0.6971,0.5843,0.4772,0.5201,0.4241,0.1592,0.1668,0.0588,0.3967,0.7147,0.7319,0.3509,0.0589,0.269,0.42,0.3874,0.244,0.2,0.2307,0.1886,0.196,0.1701,0.1366,0.0398,0.0143,0.0093,0.0033,0.0113,0.003,0.0057,0.009,0.0057,0.0068,0.0024,Rock
|
||||
0.0856,0.0454,0.0382,0.0203,0.0385,0.0534,0.214,0.311,0.2837,0.2751,0.2707,0.0946,0.102,0.4519,0.6737,0.6699,0.7066,0.5632,0.3785,0.2721,0.5297,0.7697,0.8643,0.9304,0.9372,0.6247,0.6024,0.681,0.5047,0.5775,0.4754,0.24,0.2779,0.1997,0.5305,0.7409,0.7775,0.4424,0.1416,0.3508,0.4482,0.4208,0.3054,0.2235,0.2611,0.2798,0.2392,0.2021,0.1326,0.0358,0.0128,0.0172,0.0138,0.0079,0.0037,0.0051,0.0258,0.0102,0.0037,0.0037,Rock
|
||||
0.0274,0.0242,0.0621,0.056,0.1129,0.0973,0.1823,0.1745,0.144,0.1808,0.2366,0.0906,0.1749,0.4012,0.5187,0.7312,0.9062,0.926,0.7434,0.4463,0.5103,0.6952,0.7755,0.8364,0.7283,0.6399,0.5759,0.4146,0.3495,0.4437,0.2665,0.2024,0.1942,0.0765,0.3725,0.5843,0.4827,0.2347,0.0999,0.3244,0.399,0.2975,0.1684,0.1761,0.1683,0.0729,0.119,0.1297,0.0748,0.0067,0.0255,0.0113,0.0108,0.0085,0.0047,0.0074,0.0104,0.0161,0.022,0.0173,Rock
|
||||
0.0235,0.0291,0.0749,0.0519,0.0227,0.0834,0.0677,0.2002,0.2876,0.3674,0.2974,0.0837,0.1912,0.504,0.6352,0.6804,0.7505,0.6595,0.4509,0.2964,0.4019,0.6794,0.8297,1,0.824,0.7115,0.7726,0.6124,0.4936,0.5648,0.4906,0.182,0.1811,0.1107,0.4603,0.665,0.6423,0.2166,0.1951,0.4947,0.4925,0.4041,0.2402,0.1392,0.1779,0.1946,0.1723,0.1522,0.0929,0.0179,0.0242,0.0083,0.0037,0.0095,0.0105,0.003,0.0132,0.0068,0.0108,0.009,Rock
|
||||
0.0126,0.0519,0.0621,0.0518,0.1072,0.2587,0.2304,0.2067,0.3416,0.4284,0.3015,0.1207,0.3299,0.5707,0.6962,0.9751,1,0.9293,0.621,0.4586,0.5001,0.5032,0.7082,0.842,0.8109,0.769,0.8105,0.6203,0.2356,0.2595,0.6299,0.6762,0.2903,0.4393,0.8529,0.718,0.4801,0.5856,0.4993,0.2866,0.0601,0.1167,0.2737,0.2812,0.2078,0.066,0.0491,0.0345,0.0172,0.0287,0.0027,0.0208,0.0048,0.0199,0.0126,0.0022,0.0037,0.0034,0.0114,0.0077,Rock
|
||||
0.0253,0.0808,0.0507,0.0244,0.1724,0.3823,0.3729,0.3583,0.3429,0.2197,0.2653,0.3223,0.5582,0.6916,0.7943,0.7152,0.3512,0.2008,0.2676,0.4299,0.528,0.3489,0.143,0.5453,0.6338,0.7712,0.6838,0.8015,0.8073,0.831,0.7792,0.5049,0.1413,0.2767,0.5084,0.4787,0.1356,0.2299,0.2789,0.3833,0.2933,0.1155,0.1705,0.1294,0.0909,0.08,0.0567,0.0198,0.0114,0.0151,0.0085,0.0178,0.0073,0.0079,0.0038,0.0116,0.0033,0.0039,0.0081,0.0053,Rock
|
||||
0.026,0.0192,0.0254,0.0061,0.0352,0.0701,0.1263,0.108,0.1523,0.163,0.103,0.2187,0.1542,0.263,0.294,0.2978,0.0699,0.1401,0.299,0.3915,0.3598,0.2403,0.4208,0.5675,0.6094,0.6323,0.6549,0.7673,1,0.8463,0.5509,0.4444,0.5169,0.4268,0.1802,0.0791,0.0535,0.1906,0.2561,0.2153,0.2769,0.2841,0.1733,0.0815,0.0335,0.0933,0.1018,0.0309,0.0208,0.0318,0.0132,0.0118,0.012,0.0051,0.007,0.0015,0.0035,0.0008,0.0044,0.0077,Rock
|
||||
0.0459,0.0437,0.0347,0.0456,0.0067,0.089,0.1798,0.1741,0.1598,0.1408,0.2693,0.3259,0.4545,0.5785,0.4471,0.2231,0.2164,0.3201,0.2915,0.4235,0.446,0.238,0.6415,0.8966,0.8918,0.7529,0.6838,0.839,1,0.8362,0.5427,0.4577,0.8067,0.6973,0.3915,0.1558,0.1598,0.2161,0.5178,0.4782,0.2344,0.3599,0.2785,0.1807,0.0352,0.0473,0.0322,0.0408,0.0163,0.0088,0.0121,0.0067,0.0032,0.0109,0.0164,0.0151,0.007,0.0085,0.0117,0.0056,Rock
|
||||
0.0025,0.0309,0.0171,0.0228,0.0434,0.1224,0.1947,0.1661,0.1368,0.143,0.0994,0.225,0.2444,0.3239,0.3039,0.241,0.0367,0.1672,0.3038,0.4069,0.3613,0.1994,0.4611,0.6849,0.7272,0.7152,0.7102,0.8516,1,0.769,0.4841,0.3717,0.6096,0.511,0.2586,0.0916,0.0947,0.2287,0.348,0.2095,0.1901,0.2941,0.2211,0.1524,0.0746,0.0606,0.0692,0.0446,0.0344,0.0082,0.0108,0.0149,0.0077,0.0036,0.0114,0.0085,0.0101,0.0016,0.0028,0.0014,Rock
|
||||
0.0291,0.04,0.0771,0.0809,0.0521,0.1051,0.0145,0.0674,0.1294,0.1146,0.0942,0.0794,0.0252,0.1191,0.1045,0.205,0.1556,0.269,0.3784,0.4024,0.347,0.1395,0.1208,0.2827,0.15,0.2626,0.4468,0.752,0.9036,0.7812,0.4766,0.2483,0.5372,0.6279,0.3647,0.4572,0.6359,0.6474,0.552,0.3253,0.2292,0.0653,0,0,0,0,0,0,0,0,0,0.0056,0.0237,0.0204,0.005,0.0137,0.0164,0.0081,0.0139,0.0111,Rock
|
||||
0.0181,0.0146,0.0026,0.0141,0.0421,0.0473,0.0361,0.0741,0.1398,0.1045,0.0904,0.0671,0.0997,0.1056,0.0346,0.1231,0.1626,0.3652,0.3262,0.2995,0.2109,0.2104,0.2085,0.2282,0.0747,0.1969,0.4086,0.6385,0.797,0.7508,0.5517,0.2214,0.4672,0.4479,0.2297,0.3235,0.448,0.5581,0.652,0.5354,0.2478,0.2268,0.1788,0.0898,0.0536,0.0374,0.099,0.0956,0.0317,0.0142,0.0076,0.0223,0.0255,0.0145,0.0233,0.0041,0.0018,0.0048,0.0089,0.0085,Rock
|
||||
0.0491,0.0279,0.0592,0.127,0.1772,0.1908,0.2217,0.0768,0.1246,0.2028,0.0947,0.2497,0.2209,0.3195,0.334,0.3323,0.278,0.2975,0.2948,0.1729,0.3264,0.3834,0.3523,0.541,0.5228,0.4475,0.534,0.5323,0.3907,0.3456,0.4091,0.4639,0.558,0.5727,0.6355,0.7563,0.6903,0.6176,0.5379,0.5622,0.6508,0.4797,0.3736,0.2804,0.1982,0.2438,0.1789,0.1706,0.0762,0.0238,0.0268,0.0081,0.0129,0.0161,0.0063,0.0119,0.0194,0.014,0.0332,0.0439,Mine
|
||||
0.1313,0.2339,0.3059,0.4264,0.401,0.1791,0.1853,0.0055,0.1929,0.2231,0.2907,0.2259,0.3136,0.3302,0.366,0.3956,0.4386,0.467,0.5255,0.3735,0.2243,0.1973,0.4337,0.6532,0.507,0.2796,0.4163,0.595,0.5242,0.4178,0.3714,0.2375,0.0863,0.1437,0.2896,0.4577,0.3725,0.3372,0.3803,0.4181,0.3603,0.2711,0.1653,0.1951,0.2811,0.2246,0.1921,0.15,0.0665,0.0193,0.0156,0.0362,0.021,0.0154,0.018,0.0013,0.0106,0.0127,0.0178,0.0231,Mine
|
||||
0.0201,0.0423,0.0554,0.0783,0.062,0.0871,0.1201,0.2707,0.1206,0.0279,0.2251,0.2615,0.177,0.3709,0.4533,0.5553,0.4616,0.3797,0.345,0.2665,0.2395,0.1127,0.2556,0.5169,0.3779,0.4082,0.5353,0.5116,0.4544,0.4258,0.3869,0.3939,0.4661,0.3974,0.2194,0.1816,0.1023,0.2108,0.3253,0.3697,0.2912,0.301,0.2563,0.1927,0.2062,0.1751,0.0841,0.1035,0.0641,0.0153,0.0081,0.0191,0.0182,0.016,0.029,0.009,0.0242,0.0224,0.019,0.0096,Mine
|
||||
0.0629,0.1065,0.1526,0.1229,0.1437,0.119,0.0884,0.0907,0.2107,0.3597,0.5466,0.5205,0.5127,0.5395,0.6558,0.8705,0.9786,0.9335,0.7917,0.7383,0.6908,0.385,0.0671,0.0502,0.2717,0.2839,0.2234,0.1911,0.0408,0.2531,0.1979,0.1891,0.2433,0.1956,0.2667,0.134,0.1073,0.2023,0.1794,0.0227,0.1313,0.1775,0.1549,0.1626,0.0708,0.0129,0.0795,0.0762,0.0117,0.0061,0.0257,0.0089,0.0262,0.0108,0.0138,0.0187,0.023,0.0057,0.0113,0.0131,Mine
|
||||
0.0335,0.0134,0.0696,0.118,0.0348,0.118,0.1948,0.1607,0.3036,0.4372,0.5533,0.5771,0.7022,0.7067,0.7367,0.7391,0.8622,0.9458,0.8782,0.7913,0.576,0.3061,0.0563,0.0239,0.2554,0.4862,0.5027,0.4402,0.2847,0.1797,0.356,0.3522,0.3321,0.3112,0.3638,0.0754,0.1834,0.182,0.1815,0.1593,0.0576,0.0954,0.1086,0.0812,0.0784,0.0487,0.0439,0.0586,0.037,0.0185,0.0302,0.0244,0.0232,0.0093,0.0159,0.0193,0.0032,0.0377,0.0126,0.0156,Mine
|
||||
0.0587,0.121,0.1268,0.1498,0.1436,0.0561,0.0832,0.0672,0.1372,0.2352,0.3208,0.4257,0.5201,0.4914,0.595,0.7221,0.9039,0.9111,0.8723,0.7686,0.7326,0.5222,0.3097,0.3172,0.227,0.164,0.1746,0.1835,0.2048,0.1674,0.2767,0.3104,0.3399,0.4441,0.5046,0.2814,0.1681,0.2633,0.3198,0.1933,0.0934,0.0443,0.078,0.0722,0.0405,0.0553,0.1081,0.1139,0.0767,0.0265,0.0215,0.0331,0.0111,0.0088,0.0158,0.0122,0.0038,0.0101,0.0228,0.0124,Mine
|
||||
0.0162,0.0253,0.0262,0.0386,0.0645,0.0472,0.1056,0.1388,0.0598,0.1334,0.2969,0.4754,0.5677,0.569,0.6421,0.7487,0.8999,1,0.969,0.9032,0.7685,0.6998,0.6644,0.5964,0.3711,0.0921,0.0481,0.0876,0.104,0.1714,0.3264,0.4612,0.3939,0.505,0.4833,0.3511,0.2319,0.4029,0.3676,0.151,0.0745,0.1395,0.1552,0.0377,0.0636,0.0443,0.0264,0.0223,0.0187,0.0077,0.0137,0.0071,0.0082,0.0232,0.0198,0.0074,0.0035,0.01,0.0048,0.0019,Mine
|
||||
0.0307,0.0523,0.0653,0.0521,0.0611,0.0577,0.0665,0.0664,0.146,0.2792,0.3877,0.4992,0.4981,0.4972,0.5607,0.7339,0.823,0.9173,0.9975,0.9911,0.824,0.6498,0.598,0.4862,0.315,0.1543,0.0989,0.0284,0.1008,0.2636,0.2694,0.293,0.2925,0.3998,0.366,0.3172,0.4609,0.4374,0.182,0.3376,0.6202,0.4448,0.1863,0.142,0.0589,0.0576,0.0672,0.0269,0.0245,0.019,0.0063,0.0321,0.0189,0.0137,0.0277,0.0152,0.0052,0.0121,0.0124,0.0055,Mine
|
||||
0.0116,0.0179,0.0449,0.1096,0.1913,0.0924,0.0761,0.1092,0.0757,0.1006,0.25,0.3988,0.3809,0.4753,0.6165,0.6464,0.8024,0.9208,0.9832,0.9634,0.8646,0.8325,0.8276,0.8007,0.6102,0.4853,0.4355,0.4307,0.4399,0.3833,0.3032,0.3035,0.3197,0.2292,0.2131,0.2347,0.3201,0.4455,0.3655,0.2715,0.1747,0.1781,0.2199,0.1056,0.0573,0.0307,0.0237,0.047,0.0102,0.0057,0.0031,0.0163,0.0099,0.0084,0.027,0.0277,0.0097,0.0054,0.0148,0.0092,Mine
|
||||
0.0331,0.0423,0.0474,0.0818,0.0835,0.0756,0.0374,0.0961,0.0548,0.0193,0.0897,0.1734,0.1936,0.2803,0.3313,0.502,0.636,0.7096,0.8333,0.873,0.8073,0.7507,0.7526,0.7298,0.6177,0.4946,0.4531,0.4099,0.454,0.4124,0.3139,0.3194,0.3692,0.3776,0.4469,0.4777,0.4716,0.4664,0.3893,0.4255,0.4064,0.3712,0.3863,0.2802,0.1283,0.1117,0.1303,0.0787,0.0436,0.0224,0.0133,0.0078,0.0174,0.0176,0.0038,0.0129,0.0066,0.0044,0.0134,0.0092,Mine
|
||||
0.0428,0.0555,0.0708,0.0618,0.1215,0.1524,0.1543,0.0391,0.061,0.0113,0.1255,0.2473,0.3011,0.3747,0.452,0.5392,0.6588,0.7113,0.7602,0.8672,0.8416,0.7974,0.8385,0.9317,0.8555,0.6162,0.4139,0.3269,0.3108,0.2554,0.3367,0.4465,0.5,0.5111,0.5194,0.4619,0.4234,0.4372,0.4277,0.4433,0.37,0.3324,0.2564,0.2527,0.2137,0.1789,0.101,0.0528,0.0453,0.0118,0.0009,0.0142,0.0179,0.0079,0.006,0.0131,0.0089,0.0084,0.0113,0.0049,Mine
|
||||
0.0599,0.0474,0.0498,0.0387,0.1026,0.0773,0.0853,0.0447,0.1094,0.0351,0.1582,0.2023,0.2268,0.2829,0.3819,0.4665,0.6687,0.8647,0.9361,0.9367,0.9144,0.9162,0.9311,0.8604,0.7327,0.5763,0.4162,0.4113,0.4146,0.3149,0.2936,0.3169,0.3149,0.4132,0.3994,0.4195,0.4532,0.4419,0.4737,0.3431,0.3194,0.337,0.2493,0.265,0.1748,0.0932,0.053,0.0081,0.0342,0.0137,0.0028,0.0013,0.0005,0.0227,0.0209,0.0081,0.0117,0.0114,0.0112,0.01,Mine
|
||||
0.0264,0.0071,0.0342,0.0793,0.1043,0.0783,0.1417,0.1176,0.0453,0.0945,0.1132,0.084,0.0717,0.1968,0.2633,0.4191,0.505,0.6711,0.7922,0.8381,0.8759,0.9422,1,0.9931,0.9575,0.8647,0.7215,0.5801,0.4964,0.4886,0.4079,0.2443,0.1768,0.2472,0.3518,0.3762,0.2909,0.2311,0.3168,0.3554,0.3741,0.4443,0.3261,0.1963,0.0864,0.1688,0.1991,0.1217,0.0628,0.0323,0.0253,0.0214,0.0262,0.0177,0.0037,0.0068,0.0121,0.0077,0.0078,0.0066,Mine
|
||||
0.021,0.0121,0.0203,0.1036,0.1675,0.0418,0.0723,0.0828,0.0494,0.0686,0.1125,0.1741,0.271,0.3087,0.3575,0.4998,0.6011,0.647,0.8067,0.9008,0.8906,0.9338,1,0.9102,0.8496,0.7867,0.7688,0.7718,0.6268,0.4301,0.2077,0.1198,0.166,0.2618,0.3862,0.3958,0.3248,0.2302,0.325,0.4022,0.4344,0.4008,0.337,0.2518,0.2101,0.1181,0.115,0.055,0.0293,0.0183,0.0104,0.0117,0.0101,0.0061,0.0031,0.0099,0.008,0.0107,0.0161,0.0133,Mine
|
||||
0.053,0.0885,0.1997,0.2604,0.3225,0.2247,0.0617,0.2287,0.095,0.074,0.161,0.2226,0.2703,0.3365,0.4266,0.4144,0.5655,0.6921,0.8547,0.9234,0.9171,1,0.9532,0.9101,0.8337,0.7053,0.6534,0.4483,0.246,0.202,0.1446,0.0994,0.151,0.2392,0.4434,0.5023,0.4441,0.4571,0.3927,0.29,0.3408,0.499,0.3632,0.1387,0.18,0.1299,0.0523,0.0817,0.0469,0.0114,0.0299,0.0244,0.0199,0.0257,0.0082,0.0151,0.0171,0.0146,0.0134,0.0056,Mine
|
||||
0.0454,0.0472,0.0697,0.1021,0.1397,0.1493,0.1487,0.0771,0.1171,0.1675,0.2799,0.3323,0.4012,0.4296,0.535,0.5411,0.687,0.8045,0.9194,0.9169,1,0.9972,0.9093,0.7918,0.6705,0.5324,0.3572,0.2484,0.3161,0.3775,0.3138,0.1713,0.2937,0.5234,0.5926,0.5437,0.4516,0.3379,0.3215,0.2178,0.1674,0.2634,0.298,0.2037,0.1155,0.0919,0.0882,0.0228,0.038,0.0142,0.0137,0.012,0.0042,0.0238,0.0129,0.0084,0.0218,0.0321,0.0154,0.0053,Mine
|
||||
0.0283,0.0599,0.0656,0.0229,0.0839,0.1673,0.1154,0.1098,0.137,0.1767,0.1995,0.2869,0.3275,0.3769,0.4169,0.5036,0.618,0.8025,0.9333,0.9399,0.9275,0.945,0.8328,0.7773,0.7007,0.6154,0.581,0.4454,0.3707,0.2891,0.2185,0.1711,0.3578,0.3947,0.2867,0.2401,0.3619,0.3314,0.3763,0.4767,0.4059,0.3661,0.232,0.145,0.1017,0.1111,0.0655,0.0271,0.0244,0.0179,0.0109,0.0147,0.017,0.0158,0.0046,0.0073,0.0054,0.0033,0.0045,0.0079,Mine
|
||||
0.0114,0.0222,0.0269,0.0384,0.1217,0.2062,0.1489,0.0929,0.135,0.1799,0.2486,0.2973,0.3672,0.4394,0.5258,0.6755,0.7402,0.8284,0.9033,0.9584,1,0.9982,0.8899,0.7493,0.6367,0.6744,0.7207,0.6821,0.5512,0.4789,0.3924,0.2533,0.1089,0.139,0.2551,0.3301,0.2818,0.2142,0.2266,0.2142,0.2354,0.2871,0.2596,0.1925,0.1256,0.1003,0.0951,0.121,0.0728,0.0174,0.0213,0.0269,0.0152,0.0257,0.0097,0.0041,0.005,0.0145,0.0103,0.0025,Mine
|
||||
0.0414,0.0436,0.0447,0.0844,0.0419,0.1215,0.2002,0.1516,0.0818,0.1975,0.2309,0.3025,0.3938,0.505,0.5872,0.661,0.7417,0.8006,0.8456,0.7939,0.8804,0.8384,0.7852,0.8479,0.7434,0.6433,0.5514,0.3519,0.3168,0.3346,0.2056,0.1032,0.3168,0.404,0.4282,0.4538,0.3704,0.3741,0.3839,0.3494,0.438,0.4265,0.2854,0.2808,0.2395,0.0369,0.0805,0.0541,0.0177,0.0065,0.0222,0.0045,0.0136,0.0113,0.0053,0.0165,0.0141,0.0077,0.0246,0.0198,Mine
|
||||
0.0094,0.0333,0.0306,0.0376,0.1296,0.1795,0.1909,0.1692,0.187,0.1725,0.2228,0.3106,0.4144,0.5157,0.5369,0.5107,0.6441,0.7326,0.8164,0.8856,0.9891,1,0.875,0.8631,0.9074,0.8674,0.775,0.66,0.5615,0.4016,0.2331,0.1164,0.1095,0.0431,0.0619,0.1956,0.212,0.3242,0.4102,0.2939,0.1911,0.1702,0.101,0.1512,0.1427,0.1097,0.1173,0.0972,0.0703,0.0281,0.0216,0.0153,0.0112,0.0241,0.0164,0.0055,0.0078,0.0055,0.0091,0.0067,Mine
|
||||
0.0228,0.0106,0.013,0.0842,0.1117,0.1506,0.1776,0.0997,0.1428,0.2227,0.2621,0.3109,0.2859,0.3316,0.3755,0.4499,0.4765,0.6254,0.7304,0.8702,0.9349,0.9614,0.9126,0.9443,1,0.9455,0.8815,0.752,0.7068,0.5986,0.3857,0.251,0.2162,0.0968,0.1323,0.1344,0.225,0.3244,0.3939,0.3806,0.3258,0.3654,0.2983,0.1779,0.1535,0.1199,0.0959,0.0765,0.0649,0.0313,0.0185,0.0098,0.0178,0.0077,0.0074,0.0095,0.0055,0.0045,0.0063,0.0039,Mine
|
||||
0.0363,0.0478,0.0298,0.021,0.1409,0.1916,0.1349,0.1613,0.1703,0.1444,0.1989,0.2154,0.2863,0.357,0.398,0.4359,0.5334,0.6304,0.6995,0.7435,0.8379,0.8641,0.9014,0.9432,0.9536,1,0.9547,0.9745,0.8962,0.7196,0.5462,0.3156,0.2525,0.1969,0.2189,0.1533,0.0711,0.1498,0.1755,0.2276,0.1322,0.1056,0.1973,0.1692,0.1881,0.1177,0.0779,0.0495,0.0492,0.0194,0.025,0.0115,0.019,0.0055,0.0096,0.005,0.0066,0.0114,0.0073,0.0033,Mine
|
||||
0.0261,0.0266,0.0223,0.0749,0.1364,0.1513,0.1316,0.1654,0.1864,0.2013,0.289,0.365,0.351,0.3495,0.4325,0.5398,0.6237,0.6876,0.7329,0.8107,0.8396,0.8632,0.8747,0.9607,0.9716,0.9121,0.8576,0.8798,0.772,0.5711,0.4264,0.286,0.3114,0.2066,0.1165,0.0185,0.1302,0.248,0.1637,0.1103,0.2144,0.2033,0.1887,0.137,0.1376,0.0307,0.0373,0.0606,0.0399,0.0169,0.0135,0.0222,0.0175,0.0127,0.0022,0.0124,0.0054,0.0021,0.0028,0.0023,Mine
|
||||
0.0346,0.0509,0.0079,0.0243,0.0432,0.0735,0.0938,0.1134,0.1228,0.1508,0.1809,0.239,0.2947,0.2866,0.401,0.5325,0.5486,0.5823,0.6041,0.6749,0.7084,0.789,0.9284,0.9781,0.9738,1,0.9702,0.9956,0.8235,0.602,0.5342,0.4867,0.3526,0.1566,0.0946,0.1613,0.2824,0.339,0.3019,0.2945,0.2978,0.2676,0.2055,0.2069,0.1625,0.1216,0.1013,0.0744,0.0386,0.005,0.0146,0.004,0.0122,0.0107,0.0112,0.0102,0.0052,0.0024,0.0079,0.0031,Mine
|
||||
0.0162,0.0041,0.0239,0.0441,0.063,0.0921,0.1368,0.1078,0.1552,0.1779,0.2164,0.2568,0.3089,0.3829,0.4393,0.5335,0.5996,0.6728,0.7309,0.8092,0.8941,0.9668,1,0.9893,0.9376,0.8991,0.9184,0.9128,0.7811,0.6018,0.3765,0.33,0.228,0.0212,0.1117,0.1788,0.2373,0.2843,0.2241,0.2715,0.3363,0.2546,0.1867,0.216,0.1278,0.0768,0.107,0.0946,0.0636,0.0227,0.0128,0.0173,0.0135,0.0114,0.0062,0.0157,0.0088,0.0036,0.0053,0.003,Mine
|
||||
0.0249,0.0119,0.0277,0.076,0.1218,0.1538,0.1192,0.1229,0.2119,0.2531,0.2855,0.2961,0.3341,0.4287,0.5205,0.6087,0.7236,0.7577,0.7726,0.8098,0.8995,0.9247,0.9365,0.9853,0.9776,1,0.9896,0.9076,0.7306,0.5758,0.4469,0.3719,0.2079,0.0955,0.0488,0.1406,0.2554,0.2054,0.1614,0.2232,0.1773,0.2293,0.2521,0.1464,0.0673,0.0965,0.1492,0.1128,0.0463,0.0193,0.014,0.0027,0.0068,0.015,0.0012,0.0133,0.0048,0.0244,0.0077,0.0074,Mine
|
||||
0.027,0.0163,0.0341,0.0247,0.0822,0.1256,0.1323,0.1584,0.2017,0.2122,0.221,0.2399,0.2964,0.4061,0.5095,0.5512,0.6613,0.6804,0.652,0.6788,0.7811,0.8369,0.8969,0.9856,1,0.9395,0.8917,0.8105,0.6828,0.5572,0.4301,0.3339,0.2035,0.0798,0.0809,0.1525,0.2626,0.2456,0.198,0.2412,0.2409,0.1901,0.2077,0.1767,0.1119,0.0779,0.1344,0.096,0.0598,0.033,0.0197,0.0189,0.0204,0.0085,0.0043,0.0092,0.0138,0.0094,0.0105,0.0093,Mine
|
||||
0.0388,0.0324,0.0688,0.0898,0.1267,0.1515,0.2134,0.2613,0.2832,0.2718,0.3645,0.3934,0.3843,0.4677,0.5364,0.4823,0.4835,0.5862,0.7579,0.6997,0.6918,0.8633,0.9107,0.9346,0.7884,0.8585,0.9261,0.708,0.5779,0.5215,0.4505,0.3129,0.1448,0.1046,0.182,0.1519,0.1017,0.1438,0.1986,0.2039,0.2778,0.2879,0.1331,0.114,0.131,0.1433,0.0624,0.01,0.0098,0.0131,0.0152,0.0255,0.0071,0.0263,0.0079,0.0111,0.0107,0.0068,0.0097,0.0067,Mine
|
||||
0.0228,0.0853,0.1,0.0428,0.1117,0.1651,0.1597,0.2116,0.3295,0.3517,0.333,0.3643,0.402,0.4731,0.5196,0.6573,0.8426,0.8476,0.8344,0.8453,0.7999,0.8537,0.9642,1,0.9357,0.9409,0.907,0.7104,0.632,0.5667,0.3501,0.2447,0.1698,0.329,0.3674,0.2331,0.2413,0.2556,0.1892,0.194,0.3074,0.2785,0.0308,0.1238,0.1854,0.1753,0.1079,0.0728,0.0242,0.0191,0.0159,0.0172,0.0191,0.026,0.014,0.0125,0.0116,0.0093,0.0012,0.0036,Mine
|
||||
0.0715,0.0849,0.0587,0.0218,0.0862,0.1801,0.1916,0.1896,0.296,0.4186,0.4867,0.5249,0.5959,0.6855,0.8573,0.9718,0.8693,0.8711,0.8954,0.9922,0.898,0.8158,0.8373,0.7541,0.5893,0.5488,0.5643,0.5406,0.4783,0.4439,0.3698,0.2574,0.1478,0.1743,0.1229,0.1588,0.1803,0.1436,0.1667,0.263,0.2234,0.1239,0.0869,0.2092,0.1499,0.0676,0.0899,0.0927,0.0658,0.0086,0.0216,0.0153,0.0121,0.0096,0.0196,0.0042,0.0066,0.0099,0.0083,0.0124,Mine
|
||||
0.0209,0.0261,0.012,0.0768,0.1064,0.168,0.3016,0.346,0.3314,0.4125,0.3943,0.1334,0.4622,0.997,0.9137,0.8292,0.6994,0.7825,0.8789,0.8501,0.892,0.9473,1,0.8975,0.7806,0.8321,0.6502,0.4548,0.4732,0.3391,0.2747,0.0978,0.0477,0.1403,0.1834,0.2148,0.1271,0.1912,0.3391,0.3444,0.2369,0.1195,0.2665,0.2587,0.1393,0.1083,0.1383,0.1321,0.1069,0.0325,0.0316,0.0057,0.0159,0.0085,0.0372,0.0101,0.0127,0.0288,0.0129,0.0023,Mine
|
||||
0.0374,0.0586,0.0628,0.0534,0.0255,0.1422,0.2072,0.2734,0.307,0.2597,0.3483,0.3999,0.4574,0.595,0.7924,0.8272,0.8087,0.8977,0.9828,0.8982,0.889,0.9367,0.9122,0.7936,0.6718,0.6318,0.4865,0.3388,0.4832,0.3822,0.3075,0.1267,0.0743,0.151,0.1906,0.1817,0.1709,0.0946,0.2829,0.3006,0.1602,0.1483,0.2875,0.2047,0.1064,0.1395,0.1065,0.0527,0.0395,0.0183,0.0353,0.0118,0.0063,0.0237,0.0032,0.0087,0.0124,0.0113,0.0098,0.0126,Mine
|
||||
0.1371,0.1226,0.1385,0.1484,0.1776,0.1428,0.1773,0.2161,0.163,0.2067,0.4257,0.5484,0.7131,0.7003,0.6777,0.7939,0.9382,0.8925,0.9146,0.7832,0.796,0.7983,0.7716,0.6615,0.486,0.5572,0.4697,0.564,0.4517,0.3369,0.2684,0.2339,0.3052,0.3016,0.2753,0.1041,0.1757,0.3156,0.3603,0.2736,0.1301,0.2458,0.3404,0.1753,0.0679,0.1062,0.0643,0.0532,0.0531,0.0272,0.0171,0.0118,0.0129,0.0344,0.0065,0.0067,0.0022,0.0079,0.0146,0.0051,Mine
|
||||
0.0443,0.0446,0.0235,0.1008,0.2252,0.2611,0.2061,0.1668,0.1801,0.3083,0.3794,0.5364,0.6173,0.7842,0.8392,0.9016,1,0.8911,0.8753,0.7886,0.7156,0.7581,0.6372,0.321,0.2076,0.2279,0.3309,0.2847,0.1949,0.1671,0.1025,0.1362,0.2212,0.1124,0.1677,0.1039,0.2562,0.2624,0.2236,0.118,0.1103,0.2831,0.2385,0.0255,0.1967,0.1483,0.0434,0.0627,0.0513,0.0473,0.0248,0.0274,0.0205,0.0141,0.0185,0.0055,0.0045,0.0115,0.0152,0.01,Mine
|
||||
0.115,0.1163,0.0866,0.0358,0.0232,0.1267,0.2417,0.2661,0.4346,0.5378,0.3816,0.0991,0.0616,0.1795,0.3907,0.3602,0.3041,0.2428,0.406,0.8395,0.9777,0.468,0.061,0.2143,0.1348,0.2854,0.1617,0.2649,0.4565,0.6502,0.2848,0.3296,0.537,0.6627,0.8626,0.8547,0.7848,0.9016,0.8827,0.6086,0.281,0.0906,0.1177,0.2694,0.5214,0.4232,0.234,0.1928,0.1092,0.0507,0.0228,0.0099,0.0065,0.0085,0.0166,0.011,0.019,0.0141,0.0068,0.0086,Mine
|
||||
0.0968,0.0821,0.0629,0.0608,0.0617,0.1207,0.0944,0.4223,0.5744,0.5025,0.3488,0.17,0.2076,0.3087,0.4224,0.5312,0.2436,0.1884,0.1908,0.8321,1,0.4076,0.096,0.1928,0.2419,0.379,0.2893,0.3451,0.3777,0.5213,0.2316,0.3335,0.4781,0.6116,0.6705,0.7375,0.7356,0.7792,0.6788,0.5259,0.2762,0.1545,0.2019,0.2231,0.4221,0.3067,0.1329,0.1349,0.1057,0.0499,0.0206,0.0073,0.0081,0.0303,0.019,0.0212,0.0126,0.0201,0.021,0.0041,Mine
|
||||
0.079,0.0707,0.0352,0.166,0.133,0.0226,0.0771,0.2678,0.5664,0.6609,0.5002,0.2583,0.165,0.4347,0.4515,0.4579,0.3366,0.4,0.5325,0.901,0.9939,0.3689,0.1012,0.0248,0.2318,0.3981,0.2259,0.5247,0.6898,0.8316,0.4326,0.3741,0.5756,0.8043,0.7963,0.7174,0.7056,0.8148,0.7601,0.6034,0.4554,0.4729,0.4478,0.3722,0.4693,0.3839,0.0768,0.1467,0.0777,0.0469,0.0193,0.0298,0.039,0.0294,0.0175,0.0249,0.0141,0.0073,0.0025,0.0101,Mine
|
||||
0.1083,0.107,0.0257,0.0837,0.0748,0.1125,0.3322,0.459,0.5526,0.5966,0.5304,0.2251,0.2402,0.2689,0.6646,0.6632,0.1674,0.0837,0.4331,0.8718,0.7992,0.3712,0.1703,0.1611,0.2086,0.2847,0.2211,0.6134,0.5807,0.6925,0.3825,0.4303,0.7791,0.8703,1,0.9212,0.9386,0.9303,0.7314,0.4791,0.2087,0.2016,0.1669,0.2872,0.4374,0.3097,0.1578,0.0553,0.0334,0.0209,0.0172,0.018,0.011,0.0234,0.0276,0.0032,0.0084,0.0122,0.0082,0.0143,Mine
|
||||
0.0094,0.0611,0.1136,0.1203,0.0403,0.1227,0.2495,0.4566,0.6587,0.5079,0.335,0.0834,0.3004,0.3957,0.3769,0.3828,0.1247,0.1363,0.2678,0.9188,0.9779,0.3236,0.1944,0.1874,0.0885,0.3443,0.2953,0.5908,0.4564,0.7334,0.1969,0.279,0.6212,0.8681,0.8621,0.938,0.8327,0.948,0.6721,0.4436,0.5163,0.3809,0.1557,0.1449,0.2662,0.1806,0.1699,0.2559,0.1129,0.0201,0.048,0.0234,0.0175,0.0352,0.0158,0.0326,0.0201,0.0168,0.0245,0.0154,Mine
|
||||
0.1088,0.1278,0.0926,0.1234,0.1276,0.1731,0.1948,0.4262,0.6828,0.5761,0.4733,0.2362,0.1023,0.2904,0.4713,0.4659,0.1415,0.0849,0.3257,0.9007,0.9312,0.4856,0.1346,0.1604,0.2737,0.5609,0.3654,0.6139,0.547,0.8474,0.5638,0.5443,0.5086,0.6253,0.8497,0.8406,0.842,0.9136,0.7713,0.4882,0.3724,0.4469,0.4586,0.4491,0.5616,0.4305,0.0945,0.0794,0.0274,0.0154,0.014,0.0455,0.0213,0.0082,0.0124,0.0167,0.0103,0.0205,0.0178,0.0187,Mine
|
||||
0.043,0.0902,0.0833,0.0813,0.0165,0.0277,0.0569,0.2057,0.3887,0.7106,0.7342,0.5033,0.3,0.1951,0.2767,0.3737,0.2507,0.2507,0.3292,0.4871,0.6527,0.8454,0.9739,1,0.6665,0.5323,0.4024,0.3444,0.4239,0.4182,0.4393,0.1162,0.4336,0.6553,0.6172,0.4373,0.4118,0.3641,0.4572,0.4367,0.2964,0.4312,0.4155,0.1824,0.1487,0.0138,0.1164,0.2052,0.1069,0.0199,0.0208,0.0176,0.0197,0.021,0.0141,0.0049,0.0027,0.0162,0.0059,0.0021,Mine
|
||||
0.0731,0.1249,0.1665,0.1496,0.1443,0.277,0.2555,0.1712,0.0466,0.1114,0.1739,0.316,0.3249,0.2164,0.2031,0.258,0.1796,0.2422,0.3609,0.181,0.2604,0.6572,0.9734,0.9757,0.8079,0.6521,0.4915,0.5363,0.7649,0.525,0.5101,0.4219,0.416,0.1906,0.0223,0.4219,0.5496,0.2483,0.2034,0.2729,0.2837,0.4463,0.3178,0.0807,0.1192,0.2134,0.3241,0.2945,0.1474,0.0211,0.0361,0.0444,0.023,0.029,0.0141,0.0161,0.0177,0.0194,0.0207,0.0057,Mine
|
||||
0.0164,0.0627,0.0738,0.0608,0.0233,0.1048,0.1338,0.0644,0.1522,0.078,0.1791,0.2681,0.1788,0.1039,0.198,0.3234,0.3748,0.2586,0.368,0.3508,0.5606,0.5231,0.5469,0.6954,0.6352,0.6757,0.8499,0.8025,0.6563,0.8591,0.6655,0.5369,0.3118,0.3763,0.2801,0.0875,0.3319,0.4237,0.1801,0.3743,0.4627,0.1614,0.2494,0.3202,0.2265,0.1146,0.0476,0.0943,0.0824,0.0171,0.0244,0.0258,0.0143,0.0226,0.0187,0.0185,0.011,0.0094,0.0078,0.0112,Mine
|
||||
0.0412,0.1135,0.0518,0.0232,0.0646,0.1124,0.1787,0.2407,0.2682,0.2058,0.1546,0.2671,0.3141,0.2904,0.3531,0.5079,0.4639,0.1859,0.4474,0.4079,0.54,0.4786,0.4332,0.6113,0.5091,0.4606,0.7243,0.8987,0.8826,0.9201,0.8005,0.6033,0.212,0.2866,0.4033,0.2803,0.3087,0.355,0.2545,0.1432,0.5869,0.6431,0.5826,0.4286,0.4894,0.5777,0.4315,0.264,0.1794,0.0772,0.0798,0.0376,0.0143,0.0272,0.0127,0.0166,0.0095,0.0225,0.0098,0.0085,Mine
|
||||
0.0707,0.1252,0.1447,0.1644,0.1693,0.0844,0.0715,0.0947,0.1583,0.1247,0.234,0.1764,0.2284,0.3115,0.4725,0.5543,0.5386,0.3746,0.4583,0.5961,0.7464,0.7644,0.5711,0.6257,0.6695,0.7131,0.7567,0.8077,0.8477,0.9289,0.9513,0.7995,0.4362,0.4048,0.4952,0.1712,0.3652,0.3763,0.2841,0.0427,0.5331,0.6952,0.4288,0.3063,0.5835,0.5692,0.263,0.1196,0.0983,0.0374,0.0291,0.0156,0.0197,0.0135,0.0127,0.0138,0.0133,0.0131,0.0154,0.0218,Mine
|
||||
0.0526,0.0563,0.1219,0.1206,0.0246,0.1022,0.0539,0.0439,0.2291,0.1632,0.2544,0.2807,0.3011,0.3361,0.3024,0.2285,0.291,0.1316,0.1151,0.3404,0.5562,0.6379,0.6553,0.7384,0.6534,0.5423,0.6877,0.7325,0.7726,0.8229,0.8787,0.9108,0.6705,0.6092,0.7505,0.4775,0.1666,0.3749,0.3776,0.2106,0.5886,0.5628,0.2577,0.5245,0.6149,0.5123,0.3385,0.1499,0.0546,0.027,0.038,0.0339,0.0149,0.0335,0.0376,0.0174,0.0132,0.0103,0.0364,0.0208,Mine
|
||||
0.0516,0.0944,0.0622,0.0415,0.0995,0.2431,0.1777,0.2018,0.2611,0.1294,0.2646,0.2778,0.4432,0.3672,0.2035,0.2764,0.3252,0.1536,0.2784,0.3508,0.5187,0.7052,0.7143,0.6814,0.51,0.5308,0.6131,0.8388,0.9031,0.8607,0.9656,0.9168,0.7132,0.6898,0.731,0.4134,0.158,0.1819,0.1381,0.296,0.6935,0.8246,0.5351,0.4403,0.6448,0.6214,0.3016,0.1379,0.0364,0.0355,0.0456,0.0432,0.0274,0.0152,0.012,0.0129,0.002,0.0109,0.0074,0.0078,Mine
|
||||
0.0299,0.0688,0.0992,0.1021,0.08,0.0629,0.013,0.0813,0.1761,0.0998,0.0523,0.0904,0.2655,0.3099,0.352,0.3892,0.3962,0.2449,0.2355,0.3045,0.3112,0.4698,0.5534,0.4532,0.4464,0.467,0.4621,0.6988,0.7626,0.7025,0.7382,0.7446,0.7927,0.5227,0.3967,0.3042,0.1309,0.2408,0.178,0.1598,0.5657,0.6443,0.4241,0.4567,0.576,0.5293,0.3287,0.1283,0.0698,0.0334,0.0342,0.0459,0.0277,0.0172,0.0087,0.0046,0.0203,0.013,0.0115,0.0015,Mine
|
||||
0.0721,0.1574,0.1112,0.1085,0.0666,0.18,0.1108,0.2794,0.1408,0.0795,0.2534,0.392,0.3375,0.161,0.1889,0.3308,0.2282,0.2177,0.1853,0.5167,0.5342,0.6298,0.8437,0.6756,0.5825,0.6141,0.8809,0.8375,0.3869,0.5051,0.5455,0.4241,0.1534,0.495,0.6983,0.7109,0.5647,0.487,0.5515,0.4433,0.525,0.6075,0.5251,0.1359,0.4268,0.4442,0.2193,0.09,0.12,0.0628,0.0234,0.0309,0.0127,0.0082,0.0281,0.0117,0.0092,0.0147,0.0157,0.0129,Mine
|
||||
0.1021,0.083,0.0577,0.0627,0.0635,0.1328,0.0988,0.1787,0.1199,0.1369,0.2509,0.2631,0.2796,0.2977,0.3823,0.3129,0.3956,0.2093,0.3218,0.3345,0.3184,0.2887,0.361,0.2566,0.4106,0.4591,0.4722,0.7278,0.7591,0.6579,0.7514,0.6666,0.4903,0.5962,0.6552,0.4014,0.1188,0.3245,0.3107,0.1354,0.5109,0.7988,0.7517,0.5508,0.5858,0.7292,0.5522,0.3339,0.1608,0.0475,0.1004,0.0709,0.0317,0.0309,0.0252,0.0087,0.0177,0.0214,0.0227,0.0106,Mine
|
||||
0.0654,0.0649,0.0737,0.1132,0.2482,0.1257,0.1797,0.0989,0.246,0.3422,0.2128,0.1377,0.4032,0.5684,0.2398,0.4331,0.5954,0.5772,0.8176,0.8835,0.5248,0.6373,0.8375,0.6699,0.7756,0.875,0.83,0.6896,0.3372,0.6405,0.7138,0.8202,0.6657,0.5254,0.296,0.0704,0.097,0.3941,0.6028,0.3521,0.3924,0.4808,0.4602,0.4164,0.5438,0.5649,0.3195,0.2484,0.1299,0.0825,0.0243,0.021,0.0361,0.0239,0.0447,0.0394,0.0355,0.044,0.0243,0.0098,Mine
|
||||
0.0712,0.0901,0.1276,0.1497,0.1284,0.1165,0.1285,0.1684,0.183,0.2127,0.2891,0.3985,0.4576,0.5821,0.5027,0.193,0.2579,0.3177,0.2745,0.6186,0.8958,0.7442,0.5188,0.2811,0.1773,0.6607,0.7576,0.5122,0.4701,0.5479,0.4347,0.1276,0.0846,0.0927,0.0313,0.0998,0.1781,0.1586,0.3001,0.2208,0.1455,0.2895,0.3203,0.1414,0.0629,0.0734,0.0805,0.0608,0.0565,0.0286,0.0154,0.0154,0.0156,0.0054,0.003,0.0048,0.0087,0.0101,0.0095,0.0068,Mine
|
||||
0.0207,0.0535,0.0334,0.0818,0.074,0.0324,0.0918,0.107,0.1553,0.1234,0.1796,0.1787,0.1247,0.2577,0.337,0.399,0.1647,0.2266,0.3219,0.5356,0.8159,1,0.8701,0.6889,0.6299,0.5738,0.5707,0.5976,0.4301,0.2058,0.1,0.2247,0.2308,0.3977,0.3317,0.1726,0.1429,0.2168,0.1967,0.214,0.3674,0.2023,0.0778,0.0925,0.2388,0.34,0.2594,0.1102,0.0911,0.0462,0.0171,0.0033,0.005,0.019,0.0103,0.0121,0.0042,0.009,0.007,0.0099,Mine
|
||||
0.0209,0.0278,0.0115,0.0445,0.0427,0.0766,0.1458,0.143,0.1894,0.1853,0.1748,0.1556,0.1476,0.1378,0.2584,0.3827,0.4784,0.536,0.6192,0.7912,0.9264,1,0.908,0.7435,0.5557,0.3172,0.1295,0.0598,0.2722,0.3616,0.3293,0.4855,0.3936,0.1845,0.0342,0.2489,0.3837,0.3514,0.2654,0.176,0.1599,0.0866,0.059,0.0813,0.0492,0.0417,0.0495,0.0367,0.0115,0.0118,0.0133,0.0096,0.0014,0.0049,0.0039,0.0029,0.0078,0.0047,0.0021,0.0011,Mine
|
||||
0.0231,0.0315,0.017,0.0226,0.041,0.0116,0.0223,0.0805,0.2365,0.2461,0.2245,0.152,0.1732,0.3099,0.438,0.5595,0.682,0.6164,0.6803,0.8435,0.9921,1,0.7983,0.5426,0.3952,0.5179,0.565,0.3042,0.1881,0.396,0.2286,0.3544,0.4187,0.2398,0.1847,0.376,0.4331,0.3626,0.2519,0.187,0.1046,0.2339,0.1991,0.11,0.0684,0.0303,0.0674,0.0785,0.0455,0.0246,0.0151,0.0125,0.0036,0.0123,0.0043,0.0114,0.0052,0.0091,0.0008,0.0092,Mine
|
||||
0.0131,0.0201,0.0045,0.0217,0.023,0.0481,0.0742,0.0333,0.1369,0.2079,0.2295,0.199,0.1184,0.1891,0.2949,0.5343,0.685,0.7923,0.822,0.729,0.7352,0.7918,0.8057,0.4898,0.1934,0.2924,0.6255,0.8546,0.8966,0.7821,0.5168,0.484,0.4038,0.3411,0.2849,0.2353,0.2699,0.4442,0.4323,0.3314,0.1195,0.1669,0.3702,0.3072,0.0945,0.1545,0.1394,0.0772,0.0615,0.023,0.0111,0.0168,0.0086,0.0045,0.0062,0.0065,0.003,0.0066,0.0029,0.0053,Mine
|
||||
0.0233,0.0394,0.0416,0.0547,0.0993,0.1515,0.1674,0.1513,0.1723,0.2078,0.1239,0.0236,0.1771,0.3115,0.499,0.6707,0.7655,0.8485,0.9805,1,1,0.9992,0.9067,0.6803,0.5103,0.4716,0.498,0.6196,0.7171,0.6316,0.3554,0.2897,0.4316,0.3791,0.2421,0.0944,0.0351,0.0844,0.0436,0.113,0.2045,0.1937,0.0834,0.1502,0.1675,0.1058,0.1111,0.0849,0.0596,0.0201,0.0071,0.0104,0.0062,0.0026,0.0025,0.0061,0.0038,0.0101,0.0078,0.0006,Mine
|
||||
0.0117,0.0069,0.0279,0.0583,0.0915,0.1267,0.1577,0.1927,0.2361,0.2169,0.118,0.0754,0.2782,0.3758,0.5093,0.6592,0.7071,0.7532,0.8357,0.8593,0.9615,0.9838,0.8705,0.6403,0.5067,0.5395,0.6934,0.8487,0.8213,0.5962,0.295,0.2758,0.2885,0.1893,0.1446,0.0955,0.0888,0.0836,0.0894,0.1547,0.2318,0.2225,0.1035,0.1721,0.2017,0.1787,0.1112,0.0398,0.0305,0.0084,0.0039,0.0053,0.0029,0.002,0.0013,0.0029,0.002,0.0062,0.0026,0.0052,Mine
|
||||
0.0211,0.0128,0.0015,0.045,0.0711,0.1563,0.1518,0.1206,0.1666,0.1345,0.0785,0.0367,0.1227,0.2614,0.428,0.6122,0.7435,0.813,0.9006,0.9603,0.9162,0.914,0.7851,0.5134,0.3439,0.329,0.2571,0.3685,0.5765,0.619,0.4613,0.3615,0.4434,0.3864,0.3093,0.2138,0.1112,0.1386,0.1523,0.0996,0.1644,0.1902,0.1313,0.1776,0.2,0.0765,0.0727,0.0749,0.0449,0.0134,0.0174,0.0117,0.0023,0.0047,0.0049,0.0031,0.0024,0.0039,0.0051,0.0015,Mine
|
||||
0.0047,0.0059,0.008,0.0554,0.0883,0.1278,0.1674,0.1373,0.2922,0.3469,0.3265,0.3263,0.2301,0.1253,0.2102,0.2401,0.1928,0.1673,0.1228,0.0902,0.1557,0.3291,0.5268,0.674,0.7906,0.8938,0.9395,0.9493,0.904,0.9151,0.8828,0.8086,0.718,0.672,0.6447,0.6879,0.6241,0.4936,0.4144,0.424,0.4546,0.4392,0.4323,0.4921,0.471,0.3196,0.2241,0.1806,0.099,0.0251,0.0129,0.0095,0.0126,0.0069,0.0039,0.0068,0.006,0.0045,0.0002,0.0029,Mine
|
||||
0.0201,0.0178,0.0274,0.0232,0.0724,0.0833,0.1232,0.1298,0.2085,0.272,0.2188,0.3037,0.2959,0.2059,0.0906,0.161,0.18,0.218,0.2026,0.1506,0.0521,0.2143,0.4333,0.5943,0.6926,0.7576,0.8787,0.906,0.8528,0.9087,0.9657,0.9306,0.7774,0.6643,0.6604,0.6884,0.6938,0.5932,0.5774,0.6223,0.5841,0.4527,0.4911,0.5762,0.5013,0.4042,0.3123,0.2232,0.1085,0.0414,0.0253,0.0131,0.0049,0.0104,0.0102,0.0092,0.0083,0.002,0.0048,0.0036,Mine
|
||||
0.0107,0.0453,0.0289,0.0713,0.1075,0.1019,0.1606,0.2119,0.3061,0.2936,0.3104,0.3431,0.2456,0.1887,0.1184,0.208,0.2736,0.3274,0.2344,0.126,0.0576,0.1241,0.3239,0.4357,0.5734,0.7825,0.9252,0.9349,0.9348,1,0.9308,0.8478,0.7605,0.704,0.7539,0.799,0.7673,0.5955,0.4731,0.484,0.434,0.3954,0.4837,0.5379,0.4485,0.2674,0.1541,0.1359,0.0941,0.0261,0.0079,0.0164,0.012,0.0113,0.0021,0.0097,0.0072,0.006,0.0017,0.0036,Mine
|
||||
0.0235,0.022,0.0167,0.0516,0.0746,0.1121,0.1258,0.1717,0.3074,0.3199,0.2946,0.2484,0.251,0.1806,0.1413,0.3019,0.3635,0.3887,0.298,0.2219,0.1624,0.1343,0.2046,0.3791,0.5771,0.7545,0.8406,0.8547,0.9036,1,0.9646,0.7912,0.6412,0.5986,0.6835,0.7771,0.8084,0.7426,0.6295,0.5708,0.4433,0.3361,0.3795,0.495,0.4373,0.2404,0.1128,0.1654,0.0933,0.0225,0.0214,0.0221,0.0152,0.0083,0.0058,0.0023,0.0057,0.0052,0.0027,0.0021,Mine
|
||||
0.0258,0.0433,0.0547,0.0681,0.0784,0.125,0.1296,0.1729,0.2794,0.2954,0.2506,0.2601,0.2249,0.2115,0.127,0.1193,0.1794,0.2185,0.1646,0.074,0.0625,0.2381,0.4824,0.6372,0.7531,0.8959,0.9941,0.9957,0.9328,0.9344,0.8854,0.769,0.6865,0.639,0.6378,0.6629,0.5983,0.4565,0.3129,0.4158,0.4325,0.4031,0.4201,0.4557,0.3955,0.2966,0.2095,0.1558,0.0884,0.0265,0.0121,0.0091,0.0062,0.0019,0.0045,0.0079,0.0031,0.0063,0.0048,0.005,Mine
|
||||
0.0305,0.0363,0.0214,0.0227,0.0456,0.0665,0.0939,0.0972,0.2535,0.3127,0.2192,0.2621,0.2419,0.2179,0.1159,0.1237,0.0886,0.1755,0.1758,0.154,0.0512,0.1805,0.4039,0.5697,0.6577,0.7474,0.8543,0.9085,0.8668,0.8892,0.9065,0.8522,0.7204,0.62,0.6253,0.6848,0.7337,0.6281,0.5725,0.6119,0.5597,0.4965,0.5027,0.5772,0.5907,0.4803,0.3877,0.2779,0.1427,0.0424,0.0271,0.02,0.007,0.007,0.0086,0.0089,0.0074,0.0042,0.0055,0.0021,Mine
|
||||
0.0217,0.0152,0.0346,0.0346,0.0484,0.0526,0.0773,0.0862,0.1451,0.211,0.2343,0.2087,0.1645,0.1689,0.165,0.1967,0.2934,0.3709,0.4309,0.4161,0.5116,0.6501,0.7717,0.8491,0.9104,0.8912,0.8189,0.6779,0.5368,0.5207,0.5651,0.5749,0.525,0.4255,0.333,0.2331,0.1451,0.1648,0.2694,0.373,0.4467,0.4133,0.3743,0.3021,0.2069,0.179,0.1689,0.1341,0.0769,0.0222,0.0205,0.0123,0.0067,0.0011,0.0026,0.0049,0.0029,0.0022,0.0022,0.0032,Mine
|
||||
0.0072,0.0027,0.0089,0.0061,0.042,0.0865,0.1182,0.0999,0.1976,0.2318,0.2472,0.288,0.2126,0.0708,0.1194,0.2808,0.4221,0.5279,0.5857,0.6153,0.6753,0.7873,0.8974,0.9828,1,0.846,0.6055,0.3036,0.0144,0.2526,0.4335,0.4918,0.5409,0.5961,0.5248,0.3777,0.2369,0.172,0.1878,0.325,0.2575,0.2423,0.2706,0.2323,0.1724,0.1457,0.1175,0.0868,0.0392,0.0131,0.0092,0.0078,0.0071,0.0081,0.0034,0.0064,0.0037,0.0036,0.0012,0.0037,Mine
|
||||
0.0163,0.0198,0.0202,0.0386,0.0752,0.1444,0.1487,0.1484,0.2442,0.2822,0.3691,0.375,0.3927,0.3308,0.1085,0.1139,0.3446,0.5441,0.647,0.7276,0.7894,0.8264,0.8697,0.7836,0.714,0.5698,0.2908,0.4636,0.6409,0.7405,0.8069,0.842,1,0.9536,0.6755,0.3905,0.1249,0.3629,0.6356,0.8116,0.7664,0.5417,0.2614,0.1723,0.2814,0.2764,0.1985,0.1502,0.1219,0.0493,0.0027,0.0077,0.0026,0.0031,0.0083,0.002,0.0084,0.0108,0.0083,0.0033,Mine
|
||||
0.0221,0.0065,0.0164,0.0487,0.0519,0.0849,0.0812,0.1833,0.2228,0.181,0.2549,0.2984,0.2624,0.1893,0.0668,0.2666,0.4274,0.6291,0.7782,0.7686,0.8099,0.8493,0.944,0.945,0.9655,0.8045,0.4969,0.396,0.3856,0.5574,0.7309,0.8549,0.9425,0.8726,0.6673,0.4694,0.1546,0.1748,0.3607,0.5208,0.5177,0.3702,0.224,0.0816,0.0395,0.0785,0.1052,0.1034,0.0764,0.0216,0.0167,0.0089,0.0051,0.0015,0.0075,0.0058,0.0016,0.007,0.0074,0.0038,Mine
|
||||
0.0411,0.0277,0.0604,0.0525,0.0489,0.0385,0.0611,0.1117,0.1237,0.23,0.137,0.1335,0.2137,0.1526,0.0775,0.1196,0.0903,0.0689,0.2071,0.2975,0.2836,0.3353,0.3622,0.3202,0.3452,0.3562,0.3892,0.6622,0.9254,1,0.8528,0.6297,0.525,0.4012,0.2901,0.2007,0.3356,0.4799,0.6147,0.6246,0.4973,0.3492,0.2662,0.3137,0.4282,0.4262,0.3511,0.2458,0.1259,0.0327,0.0181,0.0217,0.0038,0.0019,0.0065,0.0132,0.0108,0.005,0.0085,0.0044,Mine
|
||||
0.0137,0.0297,0.0116,0.0082,0.0241,0.0253,0.0279,0.013,0.0489,0.0874,0.11,0.1084,0.1094,0.1023,0.0601,0.0906,0.1313,0.2758,0.366,0.5269,0.581,0.6181,0.5875,0.4639,0.5424,0.7367,0.9089,1,0.8247,0.5441,0.3349,0.0877,0.16,0.4169,0.6576,0.739,0.7963,0.7493,0.6795,0.4713,0.2355,0.1704,0.2728,0.4016,0.4125,0.347,0.2739,0.179,0.0922,0.0276,0.0169,0.0081,0.004,0.0025,0.0036,0.0058,0.0067,0.0035,0.0043,0.0033,Mine
|
||||
0.0015,0.0186,0.0289,0.0195,0.0515,0.0817,0.1005,0.0124,0.1168,0.1476,0.2118,0.2575,0.2354,0.1334,0.0092,0.1951,0.3685,0.4646,0.5418,0.626,0.742,0.8257,0.8609,0.84,0.8949,0.9945,1,0.9649,0.8747,0.6257,0.2184,0.2945,0.3645,0.5012,0.7843,0.9361,0.8195,0.6207,0.4513,0.3004,0.2674,0.2241,0.3141,0.3693,0.2986,0.2226,0.0849,0.0359,0.0289,0.0122,0.0045,0.0108,0.0075,0.0089,0.0036,0.0029,0.0013,0.001,0.0032,0.0047,Mine
|
||||
0.013,0.012,0.0436,0.0624,0.0428,0.0349,0.0384,0.0446,0.1318,0.1375,0.2026,0.2389,0.2112,0.1444,0.0742,0.1533,0.3052,0.4116,0.5466,0.5933,0.6663,0.7333,0.7136,0.7014,0.7758,0.9137,0.9964,1,0.8881,0.6585,0.2707,0.1746,0.2709,0.4853,0.7184,0.8209,0.7536,0.6496,0.4708,0.3482,0.3508,0.3181,0.3524,0.3659,0.2846,0.1714,0.0694,0.0303,0.0292,0.0116,0.0024,0.0084,0.01,0.0018,0.0035,0.0058,0.0011,0.0009,0.0033,0.0026,Mine
|
||||
0.0134,0.0172,0.0178,0.0363,0.0444,0.0744,0.08,0.0456,0.0368,0.125,0.2405,0.2325,0.2523,0.1472,0.0669,0.11,0.2353,0.3282,0.4416,0.5167,0.6508,0.7793,0.7978,0.7786,0.8587,0.9321,0.9454,0.8645,0.722,0.485,0.1357,0.2951,0.4715,0.6036,0.8083,0.987,0.88,0.6411,0.4276,0.2702,0.2642,0.3342,0.4335,0.4542,0.396,0.2525,0.1084,0.0372,0.0286,0.0099,0.0046,0.0094,0.0048,0.0047,0.0016,0.0008,0.0042,0.0024,0.0027,0.0041,Mine
|
||||
0.0179,0.0136,0.0408,0.0633,0.0596,0.0808,0.209,0.3465,0.5276,0.5965,0.6254,0.4507,0.3693,0.2864,0.1635,0.0422,0.1785,0.4394,0.695,0.8097,0.855,0.8717,0.8601,0.9201,0.8729,0.8084,0.8694,0.8411,0.5793,0.3754,0.3485,0.4639,0.6495,0.6901,0.5666,0.5188,0.506,0.3885,0.3762,0.3738,0.2605,0.1591,0.1875,0.2267,0.1577,0.1211,0.0883,0.085,0.0355,0.0219,0.0086,0.0123,0.006,0.0187,0.0111,0.0126,0.0081,0.0155,0.016,0.0085,Mine
|
||||
0.018,0.0444,0.0476,0.0698,0.1615,0.0887,0.0596,0.1071,0.3175,0.2918,0.3273,0.3035,0.3033,0.2587,0.1682,0.1308,0.2803,0.4519,0.6641,0.7683,0.696,0.4393,0.2432,0.2886,0.4974,0.8172,1,0.9238,0.8519,0.7722,0.5772,0.519,0.6824,0.622,0.5054,0.3578,0.3809,0.3813,0.3359,0.2771,0.3648,0.3834,0.3453,0.2096,0.1031,0.0798,0.0701,0.0526,0.0241,0.0117,0.0122,0.0122,0.0114,0.0098,0.0027,0.0025,0.0026,0.005,0.0073,0.0022,Mine
|
||||
0.0329,0.0216,0.0386,0.0627,0.1158,0.1482,0.2054,0.1605,0.2532,0.2672,0.3056,0.3161,0.2314,0.2067,0.1804,0.2808,0.4423,0.5947,0.6601,0.5844,0.4539,0.4789,0.5646,0.5281,0.7115,1,0.9564,0.609,0.5112,0.4,0.0482,0.1852,0.2186,0.1436,0.1757,0.1428,0.1644,0.3089,0.3648,0.4441,0.3859,0.2813,0.1238,0.0953,0.1201,0.0825,0.0618,0.0141,0.0108,0.0124,0.0104,0.0095,0.0151,0.0059,0.0015,0.0053,0.0016,0.0042,0.0053,0.0074,Mine
|
||||
0.0191,0.0173,0.0291,0.0301,0.0463,0.069,0.0576,0.1103,0.2423,0.3134,0.4786,0.5239,0.4393,0.344,0.2869,0.3889,0.442,0.3892,0.4088,0.5006,0.7271,0.9385,1,0.9831,0.9932,0.9161,0.8237,0.6957,0.4536,0.3281,0.2522,0.3964,0.4154,0.3308,0.1445,0.1923,0.3208,0.3367,0.5683,0.5505,0.3231,0.0448,0.3131,0.3387,0.413,0.3639,0.2069,0.0859,0.06,0.0267,0.0125,0.004,0.0136,0.0137,0.0172,0.0132,0.011,0.0122,0.0114,0.0068,Mine
|
||||
0.0294,0.0123,0.0117,0.0113,0.0497,0.0998,0.1326,0.1117,0.2984,0.3473,0.4231,0.5044,0.5237,0.4398,0.3236,0.2956,0.3286,0.3231,0.4528,0.6339,0.7044,0.8314,0.8449,0.8512,0.9138,0.9985,1,0.7544,0.4661,0.3924,0.3849,0.4674,0.4245,0.3095,0.0752,0.2885,0.4072,0.317,0.2863,0.2634,0.0541,0.1874,0.3459,0.4646,0.4366,0.2581,0.1319,0.0505,0.0112,0.0059,0.0041,0.0056,0.0104,0.0079,0.0014,0.0054,0.0015,0.0006,0.0081,0.0043,Mine
|
||||
0.0635,0.0709,0.0453,0.0333,0.0185,0.126,0.1015,0.1918,0.3362,0.39,0.4674,0.5632,0.5506,0.4343,0.3052,0.3492,0.3975,0.3875,0.528,0.7198,0.7702,0.8562,0.8688,0.9236,1,0.9662,0.9822,0.736,0.4158,0.2918,0.328,0.369,0.345,0.2863,0.0864,0.3724,0.4649,0.3488,0.1817,0.1142,0.122,0.2621,0.4461,0.4726,0.3263,0.1423,0.039,0.0406,0.0311,0.0086,0.0154,0.0048,0.0025,0.0087,0.0072,0.0095,0.0086,0.0085,0.004,0.0051,Mine
|
||||
0.0201,0.0165,0.0344,0.033,0.0397,0.0443,0.0684,0.0903,0.1739,0.2571,0.2931,0.3108,0.3603,0.3002,0.2718,0.2007,0.1801,0.2234,0.3568,0.5492,0.7209,0.8318,0.8864,0.952,0.9637,1,0.9673,0.8664,0.7896,0.6345,0.5351,0.4056,0.2563,0.2894,0.3588,0.4296,0.4773,0.4516,0.3765,0.3051,0.1921,0.1184,0.1984,0.157,0.066,0.1294,0.0797,0.0052,0.0233,0.0152,0.0125,0.0054,0.0057,0.0137,0.0109,0.0035,0.0056,0.0105,0.0082,0.0036,Mine
|
||||
0.0197,0.0394,0.0384,0.0076,0.0251,0.0629,0.0747,0.0578,0.1357,0.1695,0.1734,0.247,0.3141,0.3297,0.2759,0.2056,0.1162,0.1884,0.339,0.3926,0.4282,0.5418,0.6448,0.7223,0.7853,0.7984,0.8847,0.9582,0.899,0.6831,0.6108,0.548,0.5058,0.4476,0.2401,0.1405,0.1772,0.1742,0.3326,0.4021,0.3009,0.2075,0.1206,0.0255,0.0298,0.0691,0.0781,0.0777,0.0369,0.0057,0.0091,0.0134,0.0097,0.0042,0.0058,0.0072,0.0041,0.0045,0.0047,0.0054,Mine
|
||||
0.0394,0.042,0.0446,0.0551,0.0597,0.1416,0.0956,0.0802,0.1618,0.2558,0.3078,0.3404,0.34,0.3951,0.3352,0.2252,0.2086,0.2248,0.3382,0.4578,0.6474,0.6708,0.7007,0.7619,0.7745,0.6767,0.7373,0.7834,0.9619,1,0.8086,0.5558,0.5409,0.4988,0.3108,0.2897,0.2244,0.096,0.2287,0.3228,0.3454,0.3882,0.324,0.0926,0.1173,0.0566,0.0766,0.0969,0.0588,0.005,0.0118,0.0146,0.004,0.0114,0.0032,0.0062,0.0101,0.0068,0.0053,0.0087,Mine
|
||||
0.031,0.0221,0.0433,0.0191,0.0964,0.1827,0.1106,0.1702,0.2804,0.4432,0.5222,0.5611,0.5379,0.4048,0.2245,0.1784,0.2297,0.272,0.5209,0.6898,0.8202,0.878,0.76,0.7616,0.7152,0.7288,0.8686,0.9509,0.8348,0.573,0.4363,0.4289,0.424,0.3156,0.1287,0.1477,0.2062,0.24,0.5173,0.5168,0.1491,0.2407,0.3415,0.4494,0.4624,0.2001,0.0775,0.1232,0.0783,0.0089,0.0249,0.0204,0.0059,0.0053,0.0079,0.0037,0.0015,0.0056,0.0067,0.0054,Mine
|
||||
0.0423,0.0321,0.0709,0.0108,0.107,0.0973,0.0961,0.1323,0.2462,0.2696,0.3412,0.4292,0.3682,0.394,0.2965,0.3172,0.2825,0.305,0.2408,0.542,0.6802,0.632,0.5824,0.6805,0.5984,0.8412,0.9911,0.9187,0.8005,0.6713,0.5632,0.7332,0.6038,0.2575,0.0349,0.1799,0.3039,0.476,0.5756,0.4254,0.5046,0.7179,0.6163,0.5663,0.5749,0.3593,0.2526,0.2299,0.1271,0.0356,0.0367,0.0176,0.0035,0.0093,0.0121,0.0075,0.0056,0.0021,0.0043,0.0017,Mine
|
||||
0.0095,0.0308,0.0539,0.0411,0.0613,0.1039,0.1016,0.1394,0.2592,0.3745,0.4229,0.4499,0.5404,0.4303,0.3333,0.3496,0.3426,0.2851,0.4062,0.6833,0.765,0.667,0.5703,0.5995,0.6484,0.8614,0.9819,0.938,0.8435,0.6074,0.5403,0.689,0.5977,0.3244,0.0516,0.3157,0.359,0.3881,0.5716,0.4314,0.3051,0.4393,0.4302,0.4831,0.5084,0.1952,0.1539,0.2037,0.1054,0.0251,0.0357,0.0181,0.0019,0.0102,0.0133,0.004,0.0042,0.003,0.0031,0.0033,Mine
|
||||
0.0096,0.0404,0.0682,0.0688,0.0887,0.0932,0.0955,0.214,0.2546,0.2952,0.4025,0.5148,0.4901,0.4127,0.3575,0.3447,0.3068,0.2945,0.4351,0.7264,0.8147,0.8103,0.6665,0.6958,0.7748,0.8688,1,0.9941,0.8793,0.6482,0.5876,0.6408,0.4972,0.2755,0.03,0.3356,0.3167,0.4133,0.6281,0.4977,0.2613,0.4697,0.4806,0.4921,0.5294,0.2216,0.1401,0.1888,0.0947,0.0134,0.031,0.0237,0.0078,0.0144,0.017,0.0012,0.0109,0.0036,0.0043,0.0018,Mine
|
||||
0.0269,0.0383,0.0505,0.0707,0.1313,0.2103,0.2263,0.2524,0.3595,0.5915,0.6675,0.5679,0.5175,0.3334,0.2002,0.2856,0.2937,0.3424,0.5949,0.7526,0.8959,0.8147,0.7109,0.7378,0.7201,0.8254,0.8917,0.982,0.8179,0.4848,0.3203,0.2775,0.2382,0.2911,0.1675,0.3156,0.1869,0.3391,0.5993,0.4124,0.1181,0.3651,0.4655,0.4777,0.3517,0.092,0.1227,0.1785,0.1085,0.03,0.0346,0.0167,0.0199,0.0145,0.0081,0.0045,0.0043,0.0027,0.0055,0.0057,Mine
|
||||
0.034,0.0625,0.0381,0.0257,0.0441,0.1027,0.1287,0.185,0.2647,0.4117,0.5245,0.5341,0.5554,0.3915,0.295,0.3075,0.3021,0.2719,0.5443,0.7932,0.8751,0.8667,0.7107,0.6911,0.7287,0.8792,1,0.9816,0.8984,0.6048,0.4934,0.5371,0.4586,0.2908,0.0774,0.2249,0.1602,0.3958,0.6117,0.5196,0.2321,0.437,0.3797,0.4322,0.4892,0.1901,0.094,0.1364,0.0906,0.0144,0.0329,0.0141,0.0019,0.0067,0.0099,0.0042,0.0057,0.0051,0.0033,0.0058,Mine
|
||||
0.0209,0.0191,0.0411,0.0321,0.0698,0.1579,0.1438,0.1402,0.3048,0.3914,0.3504,0.3669,0.3943,0.3311,0.3331,0.3002,0.2324,0.1381,0.345,0.4428,0.489,0.3677,0.4379,0.4864,0.6207,0.7256,0.6624,0.7689,0.7981,0.8577,0.9273,0.7009,0.4851,0.3409,0.1406,0.1147,0.1433,0.182,0.3605,0.5529,0.5988,0.5077,0.5512,0.5027,0.7034,0.5904,0.4069,0.2761,0.1584,0.051,0.0054,0.0078,0.0201,0.0104,0.0039,0.0031,0.0062,0.0087,0.007,0.0042,Mine
|
||||
0.0368,0.0279,0.0103,0.0566,0.0759,0.0679,0.097,0.1473,0.2164,0.2544,0.2936,0.2935,0.2657,0.3187,0.2794,0.2534,0.198,0.1929,0.2826,0.3245,0.3504,0.3324,0.4217,0.4774,0.4808,0.6325,0.8334,0.9458,1,0.8425,0.5524,0.4795,0.52,0.3968,0.194,0.1519,0.201,0.1736,0.1029,0.2244,0.3717,0.4449,0.3939,0.203,0.201,0.2187,0.184,0.1477,0.0971,0.0224,0.0151,0.0105,0.0024,0.0018,0.0057,0.0092,0.0009,0.0086,0.011,0.0052,Mine
|
||||
0.0089,0.0274,0.0248,0.0237,0.0224,0.0845,0.1488,0.1224,0.1569,0.2119,0.3003,0.3094,0.2743,0.2547,0.187,0.1452,0.1457,0.2429,0.3259,0.3679,0.3355,0.31,0.3914,0.528,0.6409,0.7707,0.8754,1,0.9806,0.6969,0.4973,0.502,0.5359,0.3842,0.1848,0.1149,0.157,0.1311,0.1583,0.2631,0.3103,0.4512,0.3785,0.1269,0.1459,0.1092,0.1485,0.1385,0.0716,0.0176,0.0199,0.0096,0.0103,0.0093,0.0025,0.0044,0.0021,0.0069,0.006,0.0018,Mine
|
||||
0.0158,0.0239,0.015,0.0494,0.0988,0.1425,0.1463,0.1219,0.1697,0.1923,0.2361,0.2719,0.3049,0.2986,0.2226,0.1745,0.2459,0.31,0.3572,0.4283,0.4268,0.3735,0.4585,0.6094,0.7221,0.7595,0.8706,1,0.9815,0.7187,0.5848,0.4192,0.3756,0.3263,0.1944,0.1394,0.167,0.1275,0.1666,0.2574,0.2258,0.2777,0.1613,0.1335,0.1976,0.1234,0.1554,0.1057,0.049,0.0097,0.0223,0.0121,0.0108,0.0057,0.0028,0.0079,0.0034,0.0046,0.0022,0.0021,Mine
|
||||
0.0156,0.021,0.0282,0.0596,0.0462,0.0779,0.1365,0.078,0.1038,0.1567,0.2476,0.2783,0.2896,0.2956,0.3189,0.1892,0.173,0.2226,0.2427,0.3149,0.4102,0.3808,0.4896,0.6292,0.7519,0.7985,0.883,0.9915,0.9223,0.6981,0.6167,0.5069,0.3921,0.3524,0.2183,0.1245,0.1592,0.1626,0.2356,0.2483,0.2437,0.2715,0.1184,0.1157,0.1449,0.1883,0.1954,0.1492,0.0511,0.0155,0.0189,0.015,0.006,0.0082,0.0091,0.0038,0.0056,0.0056,0.0048,0.0024,Mine
|
||||
0.0315,0.0252,0.0167,0.0479,0.0902,0.1057,0.1024,0.1209,0.1241,0.1533,0.2128,0.2536,0.2686,0.2803,0.1886,0.1485,0.216,0.2417,0.2989,0.3341,0.3786,0.3956,0.5232,0.6913,0.7868,0.8337,0.9199,1,0.899,0.6456,0.5967,0.4355,0.2997,0.2294,0.1866,0.0922,0.1829,0.1743,0.2452,0.2407,0.2518,0.3184,0.1685,0.0675,0.1186,0.1833,0.1878,0.1114,0.031,0.0143,0.0138,0.0108,0.0062,0.0044,0.0072,0.0007,0.0054,0.0035,0.0001,0.0055,Mine
|
||||
0.0056,0.0267,0.0221,0.0561,0.0936,0.1146,0.0706,0.0996,0.1673,0.1859,0.2481,0.2712,0.2934,0.2637,0.188,0.1405,0.2028,0.2613,0.2778,0.3346,0.383,0.4003,0.5114,0.686,0.749,0.7843,0.9021,1,0.8888,0.6511,0.6083,0.4463,0.2948,0.1729,0.1488,0.0801,0.177,0.1382,0.2404,0.2046,0.197,0.2778,0.1377,0.0685,0.0664,0.1665,0.1807,0.1245,0.0516,0.0044,0.0185,0.0072,0.0055,0.0074,0.0068,0.0084,0.0037,0.0024,0.0034,0.0007,Mine
|
||||
0.0203,0.0121,0.038,0.0128,0.0537,0.0874,0.1021,0.0852,0.1136,0.1747,0.2198,0.2721,0.2105,0.1727,0.204,0.1786,0.1318,0.226,0.2358,0.3107,0.3906,0.3631,0.4809,0.6531,0.7812,0.8395,0.918,0.9769,0.8937,0.7022,0.65,0.5069,0.3903,0.3009,0.1565,0.0985,0.22,0.2243,0.2736,0.2152,0.2438,0.3154,0.2112,0.0991,0.0594,0.194,0.1937,0.1082,0.0336,0.0177,0.0209,0.0134,0.0094,0.0047,0.0045,0.0042,0.0028,0.0036,0.0013,0.0016,Mine
|
||||
0.0392,0.0108,0.0267,0.0257,0.041,0.0491,0.1053,0.169,0.2105,0.2471,0.268,0.3049,0.2863,0.2294,0.1165,0.2127,0.2062,0.2222,0.3241,0.433,0.5071,0.5944,0.7078,0.7641,0.8878,0.9711,0.988,0.9812,0.9464,0.8542,0.6457,0.3397,0.3828,0.3204,0.1331,0.044,0.1234,0.203,0.1652,0.1043,0.1066,0.211,0.2417,0.1631,0.0769,0.0723,0.0912,0.0812,0.0496,0.0101,0.0089,0.0083,0.008,0.0026,0.0079,0.0042,0.0071,0.0044,0.0022,0.0014,Mine
|
||||
0.0129,0.0141,0.0309,0.0375,0.0767,0.0787,0.0662,0.1108,0.1777,0.2245,0.2431,0.3134,0.3206,0.2917,0.2249,0.2347,0.2143,0.2939,0.4898,0.6127,0.7531,0.7718,0.7432,0.8673,0.9308,0.9836,1,0.9595,0.8722,0.6862,0.4901,0.328,0.3115,0.1969,0.1019,0.0317,0.0756,0.0907,0.1066,0.138,0.0665,0.1475,0.247,0.2788,0.2709,0.2283,0.1818,0.1185,0.0546,0.0219,0.0204,0.0124,0.0093,0.0072,0.0019,0.0027,0.0054,0.0017,0.0024,0.0029,Mine
|
||||
0.005,0.0017,0.027,0.045,0.0958,0.083,0.0879,0.122,0.1977,0.2282,0.2521,0.3484,0.3309,0.2614,0.1782,0.2055,0.2298,0.3545,0.6218,0.7265,0.8346,0.8268,0.8366,0.9408,0.951,0.9801,0.9974,1,0.9036,0.6409,0.3857,0.2908,0.204,0.1653,0.1769,0.114,0.074,0.0941,0.0621,0.0426,0.0572,0.1068,0.1909,0.2229,0.2203,0.2265,0.1766,0.1097,0.0558,0.0142,0.0281,0.0165,0.0056,0.001,0.0027,0.0062,0.0024,0.0063,0.0017,0.0028,Mine
|
||||
0.0366,0.0421,0.0504,0.025,0.0596,0.0252,0.0958,0.0991,0.1419,0.1847,0.2222,0.2648,0.2508,0.2291,0.1555,0.1863,0.2387,0.3345,0.5233,0.6684,0.7766,0.7928,0.794,0.9129,0.9498,0.9835,1,0.9471,0.8237,0.6252,0.4181,0.3209,0.2658,0.2196,0.1588,0.0561,0.0948,0.17,0.1215,0.1282,0.0386,0.1329,0.2331,0.2468,0.196,0.1985,0.157,0.0921,0.0549,0.0194,0.0166,0.0132,0.0027,0.0022,0.0059,0.0016,0.0025,0.0017,0.0027,0.0027,Mine
|
||||
0.0238,0.0318,0.0422,0.0399,0.0788,0.0766,0.0881,0.1143,0.1594,0.2048,0.2652,0.31,0.2381,0.1918,0.143,0.1735,0.1781,0.2852,0.5036,0.6166,0.7616,0.8125,0.7793,0.8788,0.8813,0.947,1,0.9739,0.8446,0.6151,0.4302,0.3165,0.2869,0.2017,0.1206,0.0271,0.058,0.1262,0.1072,0.1082,0.036,0.1197,0.2061,0.2054,0.1878,0.2047,0.1716,0.1069,0.0477,0.017,0.0186,0.0096,0.0071,0.0084,0.0038,0.0026,0.0028,0.0013,0.0035,0.006,Mine
|
||||
0.0116,0.0744,0.0367,0.0225,0.0076,0.0545,0.111,0.1069,0.1708,0.2271,0.3171,0.2882,0.2657,0.2307,0.1889,0.1791,0.2298,0.3715,0.6223,0.726,0.7934,0.8045,0.8067,0.9173,0.9327,0.9562,1,0.9818,0.8684,0.6381,0.3997,0.3242,0.2835,0.2413,0.2321,0.126,0.0693,0.0701,0.1439,0.1475,0.0438,0.0469,0.1476,0.1742,0.1555,0.1651,0.1181,0.072,0.0321,0.0056,0.0202,0.0141,0.0103,0.01,0.0034,0.0026,0.0037,0.0044,0.0057,0.0035,Mine
|
||||
0.0131,0.0387,0.0329,0.0078,0.0721,0.1341,0.1626,0.1902,0.261,0.3193,0.3468,0.3738,0.3055,0.1926,0.1385,0.2122,0.2758,0.4576,0.6487,0.7154,0.801,0.7924,0.8793,1,0.9865,0.9474,0.9474,0.9315,0.8326,0.6213,0.3772,0.2822,0.2042,0.219,0.2223,0.1327,0.0521,0.0618,0.1416,0.146,0.0846,0.1055,0.1639,0.1916,0.2085,0.2335,0.1964,0.13,0.0633,0.0183,0.0137,0.015,0.0076,0.0032,0.0037,0.0071,0.004,0.0009,0.0015,0.0085,Mine
|
||||
0.0335,0.0258,0.0398,0.057,0.0529,0.1091,0.1709,0.1684,0.1865,0.266,0.3188,0.3553,0.3116,0.1965,0.178,0.2794,0.287,0.3969,0.5599,0.6936,0.7969,0.7452,0.8203,0.9261,0.881,0.8814,0.9301,0.9955,0.8576,0.6069,0.3934,0.2464,0.1645,0.114,0.0956,0.008,0.0702,0.0936,0.0894,0.1127,0.0873,0.102,0.1964,0.2256,0.1814,0.2012,0.1688,0.1037,0.0501,0.0136,0.013,0.012,0.0039,0.0053,0.0062,0.0046,0.0045,0.0022,0.0005,0.0031,Mine
|
||||
0.0272,0.0378,0.0488,0.0848,0.1127,0.1103,0.1349,0.2337,0.3113,0.3997,0.3941,0.3309,0.2926,0.176,0.1739,0.2043,0.2088,0.2678,0.2434,0.1839,0.2802,0.6172,0.8015,0.8313,0.844,0.8494,0.9168,1,0.7896,0.5371,0.6472,0.6505,0.4959,0.2175,0.099,0.0434,0.1708,0.1979,0.188,0.1108,0.1702,0.0585,0.0638,0.1391,0.0638,0.0581,0.0641,0.1044,0.0732,0.0275,0.0146,0.0091,0.0045,0.0043,0.0043,0.0098,0.0054,0.0051,0.0065,0.0103,Mine
|
||||
0.0187,0.0346,0.0168,0.0177,0.0393,0.163,0.2028,0.1694,0.2328,0.2684,0.3108,0.2933,0.2275,0.0994,0.1801,0.22,0.2732,0.2862,0.2034,0.174,0.413,0.6879,0.812,0.8453,0.8919,0.93,0.9987,1,0.8104,0.6199,0.6041,0.5547,0.416,0.1472,0.0849,0.0608,0.0969,0.1411,0.1676,0.12,0.1201,0.1036,0.1977,0.1339,0.0902,0.1085,0.1521,0.1363,0.0858,0.029,0.0203,0.0116,0.0098,0.0199,0.0033,0.0101,0.0065,0.0115,0.0193,0.0157,Mine
|
||||
0.0323,0.0101,0.0298,0.0564,0.076,0.0958,0.099,0.1018,0.103,0.2154,0.3085,0.3425,0.299,0.1402,0.1235,0.1534,0.1901,0.2429,0.212,0.2395,0.3272,0.5949,0.8302,0.9045,0.9888,0.9912,0.9448,1,0.9092,0.7412,0.7691,0.7117,0.5304,0.2131,0.0928,0.1297,0.1159,0.1226,0.1768,0.0345,0.1562,0.0824,0.1149,0.1694,0.0954,0.008,0.079,0.1255,0.0647,0.0179,0.0051,0.0061,0.0093,0.0135,0.0063,0.0063,0.0034,0.0032,0.0062,0.0067,Mine
|
||||
0.0522,0.0437,0.018,0.0292,0.0351,0.1171,0.1257,0.1178,0.1258,0.2529,0.2716,0.2374,0.1878,0.0983,0.0683,0.1503,0.1723,0.2339,0.1962,0.1395,0.3164,0.5888,0.7631,0.8473,0.9424,0.9986,0.9699,1,0.863,0.6979,0.7717,0.7305,0.5197,0.1786,0.1098,0.1446,0.1066,0.144,0.1929,0.0325,0.149,0.0328,0.0537,0.1309,0.091,0.0757,0.1059,0.1005,0.0535,0.0235,0.0155,0.016,0.0029,0.0051,0.0062,0.0089,0.014,0.0138,0.0077,0.0031,Mine
|
||||
0.0303,0.0353,0.049,0.0608,0.0167,0.1354,0.1465,0.1123,0.1945,0.2354,0.2898,0.2812,0.1578,0.0273,0.0673,0.1444,0.207,0.2645,0.2828,0.4293,0.5685,0.699,0.7246,0.7622,0.9242,1,0.9979,0.8297,0.7032,0.7141,0.6893,0.4961,0.2584,0.0969,0.0776,0.0364,0.1572,0.1823,0.1349,0.0849,0.0492,0.1367,0.1552,0.1548,0.1319,0.0985,0.1258,0.0954,0.0489,0.0241,0.0042,0.0086,0.0046,0.0126,0.0036,0.0035,0.0034,0.0079,0.0036,0.0048,Mine
|
||||
0.026,0.0363,0.0136,0.0272,0.0214,0.0338,0.0655,0.14,0.1843,0.2354,0.272,0.2442,0.1665,0.0336,0.1302,0.1708,0.2177,0.3175,0.3714,0.4552,0.57,0.7397,0.8062,0.8837,0.9432,1,0.9375,0.7603,0.7123,0.8358,0.7622,0.4567,0.1715,0.1549,0.1641,0.1869,0.2655,0.1713,0.0959,0.0768,0.0847,0.2076,0.2505,0.1862,0.1439,0.147,0.0991,0.0041,0.0154,0.0116,0.0181,0.0146,0.0129,0.0047,0.0039,0.0061,0.004,0.0036,0.0061,0.0115,Mine
|
4811
datasets/spambase.arff
Executable file
4811
datasets/spambase.arff
Executable file
File diff suppressed because it is too large
Load Diff
BIN
datasets/uci-20070111.tar
Normal file
BIN
datasets/uci-20070111.tar
Normal file
Binary file not shown.
1058
datasets/vehicle.arff
Executable file
1058
datasets/vehicle.arff
Executable file
File diff suppressed because it is too large
Load Diff
5086
datasets/waveform-5000.arff
Executable file
5086
datasets/waveform-5000.arff
Executable file
File diff suppressed because it is too large
Load Diff
302
datasets/wine.arff
Executable file
302
datasets/wine.arff
Executable file
@@ -0,0 +1,302 @@
|
||||
% 1. Title of Database: Wine recognition data
|
||||
% Updated Sept 21, 1998 by C.Blake : Added attribute information
|
||||
%
|
||||
% 2. Sources:
|
||||
% (a) Forina, M. et al, PARVUS - An Extendible Package for Data
|
||||
% Exploration, Classification and Correlation. Institute of Pharmaceutical
|
||||
% and Food Analysis and Technologies, Via Brigata Salerno,
|
||||
% 16147 Genoa, Italy.
|
||||
%
|
||||
% (b) Stefan Aeberhard, email: stefan@coral.cs.jcu.edu.au
|
||||
% (c) July 1991
|
||||
% 3. Past Usage:
|
||||
%
|
||||
% (1)
|
||||
% S. Aeberhard, D. Coomans and O. de Vel,
|
||||
% Comparison of Classifiers in High Dimensional Settings,
|
||||
% Tech. Rep. no. 92-02, (1992), Dept. of Computer Science and Dept. of
|
||||
% Mathematics and Statistics, James Cook University of North Queensland.
|
||||
% (Also submitted to Technometrics).
|
||||
%
|
||||
% The data was used with many others for comparing various
|
||||
% classifiers. The classes are separable, though only RDA
|
||||
% has achieved 100% correct classification.
|
||||
% (RDA : 100%, QDA 99.4%, LDA 98.9%, 1NN 96.1% (z-transformed data))
|
||||
% (All results using the leave-one-out technique)
|
||||
%
|
||||
% In a classification context, this is a well posed problem
|
||||
% with "well behaved" class structures. A good data set
|
||||
% for first testing of a new classifier, but not very
|
||||
% challenging.
|
||||
%
|
||||
% (2)
|
||||
% S. Aeberhard, D. Coomans and O. de Vel,
|
||||
% "THE CLASSIFICATION PERFORMANCE OF RDA"
|
||||
% Tech. Rep. no. 92-01, (1992), Dept. of Computer Science and Dept. of
|
||||
% Mathematics and Statistics, James Cook University of North Queensland.
|
||||
% (Also submitted to Journal of Chemometrics).
|
||||
%
|
||||
% Here, the data was used to illustrate the superior performance of
|
||||
% the use of a new appreciation function with RDA.
|
||||
%
|
||||
% 4. Relevant Information:
|
||||
%
|
||||
% -- These data are the results of a chemical analysis of
|
||||
% wines grown in the same region in Italy but derived from three
|
||||
% different cultivars.
|
||||
% The analysis determined the quantities of 13 constituents
|
||||
% found in each of the three types of wines.
|
||||
%
|
||||
% -- I think that the initial data set had around 30 variables, but
|
||||
% for some reason I only have the 13 dimensional version.
|
||||
% I had a list of what the 30 or so variables were, but a.)
|
||||
% I lost it, and b.), I would not know which 13 variables
|
||||
% are included in the set.
|
||||
%
|
||||
% -- The attributes are (dontated by Riccardo Leardi,
|
||||
% riclea@anchem.unige.it )
|
||||
% 1) Alcohol
|
||||
% 2) Malic acid
|
||||
% 3) Ash
|
||||
% 4) Alcalinity of ash
|
||||
% 5) Magnesium
|
||||
% 6) Total phenols
|
||||
% 7) Flavanoids
|
||||
% 8) Nonflavanoid phenols
|
||||
% 9) Proanthocyanins
|
||||
% 10)Color intensity
|
||||
% 11)Hue
|
||||
% 12)OD280/OD315 of diluted wines
|
||||
% 13)Proline
|
||||
%
|
||||
% 5. Number of Instances
|
||||
%
|
||||
% class 1 59
|
||||
% class 2 71
|
||||
% class 3 48
|
||||
%
|
||||
% 6. Number of Attributes
|
||||
%
|
||||
% 13
|
||||
%
|
||||
% 7. For Each Attribute:
|
||||
%
|
||||
% All attributes are continuous
|
||||
%
|
||||
% No statistics available, but suggest to standardise
|
||||
% variables for certain uses (e.g. for us with classifiers
|
||||
% which are NOT scale invariant)
|
||||
%
|
||||
% NOTE: 1st attribute is class identifier (1-3)
|
||||
%
|
||||
% 8. Missing Attribute Values:
|
||||
%
|
||||
% None
|
||||
%
|
||||
% 9. Class Distribution: number of instances per class
|
||||
%
|
||||
% class 1 59
|
||||
% class 2 71
|
||||
% class 3 48
|
||||
%
|
||||
% Information about the dataset
|
||||
% CLASSTYPE: nominal
|
||||
% CLASSINDEX: first
|
||||
%
|
||||
|
||||
@relation wine
|
||||
|
||||
@attribute class {1,2,3}
|
||||
@attribute Alcohol REAL
|
||||
@attribute Malic_acid REAL
|
||||
@attribute Ash REAL
|
||||
@attribute Alcalinity_of_ash REAL
|
||||
@attribute Magnesium INTEGER
|
||||
@attribute Total_phenols REAL
|
||||
@attribute Flavanoids REAL
|
||||
@attribute Nonflavanoid_phenols REAL
|
||||
@attribute Proanthocyanins REAL
|
||||
@attribute Color_intensity REAL
|
||||
@attribute Hue REAL
|
||||
@attribute OD280/OD315_of_diluted_wines REAL
|
||||
@attribute Proline INTEGER
|
||||
|
||||
@data
|
||||
1,14.23,1.71,2.43,15.6,127,2.8,3.06,.28,2.29,5.64,1.04,3.92,1065
|
||||
1,13.2,1.78,2.14,11.2,100,2.65,2.76,.26,1.28,4.38,1.05,3.4,1050
|
||||
1,13.16,2.36,2.67,18.6,101,2.8,3.24,.3,2.81,5.68,1.03,3.17,1185
|
||||
1,14.37,1.95,2.5,16.8,113,3.85,3.49,.24,2.18,7.8,.86,3.45,1480
|
||||
1,13.24,2.59,2.87,21,118,2.8,2.69,.39,1.82,4.32,1.04,2.93,735
|
||||
1,14.2,1.76,2.45,15.2,112,3.27,3.39,.34,1.97,6.75,1.05,2.85,1450
|
||||
1,14.39,1.87,2.45,14.6,96,2.5,2.52,.3,1.98,5.25,1.02,3.58,1290
|
||||
1,14.06,2.15,2.61,17.6,121,2.6,2.51,.31,1.25,5.05,1.06,3.58,1295
|
||||
1,14.83,1.64,2.17,14,97,2.8,2.98,.29,1.98,5.2,1.08,2.85,1045
|
||||
1,13.86,1.35,2.27,16,98,2.98,3.15,.22,1.85,7.22,1.01,3.55,1045
|
||||
1,14.1,2.16,2.3,18,105,2.95,3.32,.22,2.38,5.75,1.25,3.17,1510
|
||||
1,14.12,1.48,2.32,16.8,95,2.2,2.43,.26,1.57,5,1.17,2.82,1280
|
||||
1,13.75,1.73,2.41,16,89,2.6,2.76,.29,1.81,5.6,1.15,2.9,1320
|
||||
1,14.75,1.73,2.39,11.4,91,3.1,3.69,.43,2.81,5.4,1.25,2.73,1150
|
||||
1,14.38,1.87,2.38,12,102,3.3,3.64,.29,2.96,7.5,1.2,3,1547
|
||||
1,13.63,1.81,2.7,17.2,112,2.85,2.91,.3,1.46,7.3,1.28,2.88,1310
|
||||
1,14.3,1.92,2.72,20,120,2.8,3.14,.33,1.97,6.2,1.07,2.65,1280
|
||||
1,13.83,1.57,2.62,20,115,2.95,3.4,.4,1.72,6.6,1.13,2.57,1130
|
||||
1,14.19,1.59,2.48,16.5,108,3.3,3.93,.32,1.86,8.7,1.23,2.82,1680
|
||||
1,13.64,3.1,2.56,15.2,116,2.7,3.03,.17,1.66,5.1,.96,3.36,845
|
||||
1,14.06,1.63,2.28,16,126,3,3.17,.24,2.1,5.65,1.09,3.71,780
|
||||
1,12.93,3.8,2.65,18.6,102,2.41,2.41,.25,1.98,4.5,1.03,3.52,770
|
||||
1,13.71,1.86,2.36,16.6,101,2.61,2.88,.27,1.69,3.8,1.11,4,1035
|
||||
1,12.85,1.6,2.52,17.8,95,2.48,2.37,.26,1.46,3.93,1.09,3.63,1015
|
||||
1,13.5,1.81,2.61,20,96,2.53,2.61,.28,1.66,3.52,1.12,3.82,845
|
||||
1,13.05,2.05,3.22,25,124,2.63,2.68,.47,1.92,3.58,1.13,3.2,830
|
||||
1,13.39,1.77,2.62,16.1,93,2.85,2.94,.34,1.45,4.8,.92,3.22,1195
|
||||
1,13.3,1.72,2.14,17,94,2.4,2.19,.27,1.35,3.95,1.02,2.77,1285
|
||||
1,13.87,1.9,2.8,19.4,107,2.95,2.97,.37,1.76,4.5,1.25,3.4,915
|
||||
1,14.02,1.68,2.21,16,96,2.65,2.33,.26,1.98,4.7,1.04,3.59,1035
|
||||
1,13.73,1.5,2.7,22.5,101,3,3.25,.29,2.38,5.7,1.19,2.71,1285
|
||||
1,13.58,1.66,2.36,19.1,106,2.86,3.19,.22,1.95,6.9,1.09,2.88,1515
|
||||
1,13.68,1.83,2.36,17.2,104,2.42,2.69,.42,1.97,3.84,1.23,2.87,990
|
||||
1,13.76,1.53,2.7,19.5,132,2.95,2.74,.5,1.35,5.4,1.25,3,1235
|
||||
1,13.51,1.8,2.65,19,110,2.35,2.53,.29,1.54,4.2,1.1,2.87,1095
|
||||
1,13.48,1.81,2.41,20.5,100,2.7,2.98,.26,1.86,5.1,1.04,3.47,920
|
||||
1,13.28,1.64,2.84,15.5,110,2.6,2.68,.34,1.36,4.6,1.09,2.78,880
|
||||
1,13.05,1.65,2.55,18,98,2.45,2.43,.29,1.44,4.25,1.12,2.51,1105
|
||||
1,13.07,1.5,2.1,15.5,98,2.4,2.64,.28,1.37,3.7,1.18,2.69,1020
|
||||
1,14.22,3.99,2.51,13.2,128,3,3.04,.2,2.08,5.1,.89,3.53,760
|
||||
1,13.56,1.71,2.31,16.2,117,3.15,3.29,.34,2.34,6.13,.95,3.38,795
|
||||
1,13.41,3.84,2.12,18.8,90,2.45,2.68,.27,1.48,4.28,.91,3,1035
|
||||
1,13.88,1.89,2.59,15,101,3.25,3.56,.17,1.7,5.43,.88,3.56,1095
|
||||
1,13.24,3.98,2.29,17.5,103,2.64,2.63,.32,1.66,4.36,.82,3,680
|
||||
1,13.05,1.77,2.1,17,107,3,3,.28,2.03,5.04,.88,3.35,885
|
||||
1,14.21,4.04,2.44,18.9,111,2.85,2.65,.3,1.25,5.24,.87,3.33,1080
|
||||
1,14.38,3.59,2.28,16,102,3.25,3.17,.27,2.19,4.9,1.04,3.44,1065
|
||||
1,13.9,1.68,2.12,16,101,3.1,3.39,.21,2.14,6.1,.91,3.33,985
|
||||
1,14.1,2.02,2.4,18.8,103,2.75,2.92,.32,2.38,6.2,1.07,2.75,1060
|
||||
1,13.94,1.73,2.27,17.4,108,2.88,3.54,.32,2.08,8.90,1.12,3.1,1260
|
||||
1,13.05,1.73,2.04,12.4,92,2.72,3.27,.17,2.91,7.2,1.12,2.91,1150
|
||||
1,13.83,1.65,2.6,17.2,94,2.45,2.99,.22,2.29,5.6,1.24,3.37,1265
|
||||
1,13.82,1.75,2.42,14,111,3.88,3.74,.32,1.87,7.05,1.01,3.26,1190
|
||||
1,13.77,1.9,2.68,17.1,115,3,2.79,.39,1.68,6.3,1.13,2.93,1375
|
||||
1,13.74,1.67,2.25,16.4,118,2.6,2.9,.21,1.62,5.85,.92,3.2,1060
|
||||
1,13.56,1.73,2.46,20.5,116,2.96,2.78,.2,2.45,6.25,.98,3.03,1120
|
||||
1,14.22,1.7,2.3,16.3,118,3.2,3,.26,2.03,6.38,.94,3.31,970
|
||||
1,13.29,1.97,2.68,16.8,102,3,3.23,.31,1.66,6,1.07,2.84,1270
|
||||
1,13.72,1.43,2.5,16.7,108,3.4,3.67,.19,2.04,6.8,.89,2.87,1285
|
||||
2,12.37,.94,1.36,10.6,88,1.98,.57,.28,.42,1.95,1.05,1.82,520
|
||||
2,12.33,1.1,2.28,16,101,2.05,1.09,.63,.41,3.27,1.25,1.67,680
|
||||
2,12.64,1.36,2.02,16.8,100,2.02,1.41,.53,.62,5.75,.98,1.59,450
|
||||
2,13.67,1.25,1.92,18,94,2.1,1.79,.32,.73,3.8,1.23,2.46,630
|
||||
2,12.37,1.13,2.16,19,87,3.5,3.1,.19,1.87,4.45,1.22,2.87,420
|
||||
2,12.17,1.45,2.53,19,104,1.89,1.75,.45,1.03,2.95,1.45,2.23,355
|
||||
2,12.37,1.21,2.56,18.1,98,2.42,2.65,.37,2.08,4.6,1.19,2.3,678
|
||||
2,13.11,1.01,1.7,15,78,2.98,3.18,.26,2.28,5.3,1.12,3.18,502
|
||||
2,12.37,1.17,1.92,19.6,78,2.11,2,.27,1.04,4.68,1.12,3.48,510
|
||||
2,13.34,.94,2.36,17,110,2.53,1.3,.55,.42,3.17,1.02,1.93,750
|
||||
2,12.21,1.19,1.75,16.8,151,1.85,1.28,.14,2.5,2.85,1.28,3.07,718
|
||||
2,12.29,1.61,2.21,20.4,103,1.1,1.02,.37,1.46,3.05,.906,1.82,870
|
||||
2,13.86,1.51,2.67,25,86,2.95,2.86,.21,1.87,3.38,1.36,3.16,410
|
||||
2,13.49,1.66,2.24,24,87,1.88,1.84,.27,1.03,3.74,.98,2.78,472
|
||||
2,12.99,1.67,2.6,30,139,3.3,2.89,.21,1.96,3.35,1.31,3.5,985
|
||||
2,11.96,1.09,2.3,21,101,3.38,2.14,.13,1.65,3.21,.99,3.13,886
|
||||
2,11.66,1.88,1.92,16,97,1.61,1.57,.34,1.15,3.8,1.23,2.14,428
|
||||
2,13.03,.9,1.71,16,86,1.95,2.03,.24,1.46,4.6,1.19,2.48,392
|
||||
2,11.84,2.89,2.23,18,112,1.72,1.32,.43,.95,2.65,.96,2.52,500
|
||||
2,12.33,.99,1.95,14.8,136,1.9,1.85,.35,2.76,3.4,1.06,2.31,750
|
||||
2,12.7,3.87,2.4,23,101,2.83,2.55,.43,1.95,2.57,1.19,3.13,463
|
||||
2,12,.92,2,19,86,2.42,2.26,.3,1.43,2.5,1.38,3.12,278
|
||||
2,12.72,1.81,2.2,18.8,86,2.2,2.53,.26,1.77,3.9,1.16,3.14,714
|
||||
2,12.08,1.13,2.51,24,78,2,1.58,.4,1.4,2.2,1.31,2.72,630
|
||||
2,13.05,3.86,2.32,22.5,85,1.65,1.59,.61,1.62,4.8,.84,2.01,515
|
||||
2,11.84,.89,2.58,18,94,2.2,2.21,.22,2.35,3.05,.79,3.08,520
|
||||
2,12.67,.98,2.24,18,99,2.2,1.94,.3,1.46,2.62,1.23,3.16,450
|
||||
2,12.16,1.61,2.31,22.8,90,1.78,1.69,.43,1.56,2.45,1.33,2.26,495
|
||||
2,11.65,1.67,2.62,26,88,1.92,1.61,.4,1.34,2.6,1.36,3.21,562
|
||||
2,11.64,2.06,2.46,21.6,84,1.95,1.69,.48,1.35,2.8,1,2.75,680
|
||||
2,12.08,1.33,2.3,23.6,70,2.2,1.59,.42,1.38,1.74,1.07,3.21,625
|
||||
2,12.08,1.83,2.32,18.5,81,1.6,1.5,.52,1.64,2.4,1.08,2.27,480
|
||||
2,12,1.51,2.42,22,86,1.45,1.25,.5,1.63,3.6,1.05,2.65,450
|
||||
2,12.69,1.53,2.26,20.7,80,1.38,1.46,.58,1.62,3.05,.96,2.06,495
|
||||
2,12.29,2.83,2.22,18,88,2.45,2.25,.25,1.99,2.15,1.15,3.3,290
|
||||
2,11.62,1.99,2.28,18,98,3.02,2.26,.17,1.35,3.25,1.16,2.96,345
|
||||
2,12.47,1.52,2.2,19,162,2.5,2.27,.32,3.28,2.6,1.16,2.63,937
|
||||
2,11.81,2.12,2.74,21.5,134,1.6,.99,.14,1.56,2.5,.95,2.26,625
|
||||
2,12.29,1.41,1.98,16,85,2.55,2.5,.29,1.77,2.9,1.23,2.74,428
|
||||
2,12.37,1.07,2.1,18.5,88,3.52,3.75,.24,1.95,4.5,1.04,2.77,660
|
||||
2,12.29,3.17,2.21,18,88,2.85,2.99,.45,2.81,2.3,1.42,2.83,406
|
||||
2,12.08,2.08,1.7,17.5,97,2.23,2.17,.26,1.4,3.3,1.27,2.96,710
|
||||
2,12.6,1.34,1.9,18.5,88,1.45,1.36,.29,1.35,2.45,1.04,2.77,562
|
||||
2,12.34,2.45,2.46,21,98,2.56,2.11,.34,1.31,2.8,.8,3.38,438
|
||||
2,11.82,1.72,1.88,19.5,86,2.5,1.64,.37,1.42,2.06,.94,2.44,415
|
||||
2,12.51,1.73,1.98,20.5,85,2.2,1.92,.32,1.48,2.94,1.04,3.57,672
|
||||
2,12.42,2.55,2.27,22,90,1.68,1.84,.66,1.42,2.7,.86,3.3,315
|
||||
2,12.25,1.73,2.12,19,80,1.65,2.03,.37,1.63,3.4,1,3.17,510
|
||||
2,12.72,1.75,2.28,22.5,84,1.38,1.76,.48,1.63,3.3,.88,2.42,488
|
||||
2,12.22,1.29,1.94,19,92,2.36,2.04,.39,2.08,2.7,.86,3.02,312
|
||||
2,11.61,1.35,2.7,20,94,2.74,2.92,.29,2.49,2.65,.96,3.26,680
|
||||
2,11.46,3.74,1.82,19.5,107,3.18,2.58,.24,3.58,2.9,.75,2.81,562
|
||||
2,12.52,2.43,2.17,21,88,2.55,2.27,.26,1.22,2,.9,2.78,325
|
||||
2,11.76,2.68,2.92,20,103,1.75,2.03,.6,1.05,3.8,1.23,2.5,607
|
||||
2,11.41,.74,2.5,21,88,2.48,2.01,.42,1.44,3.08,1.1,2.31,434
|
||||
2,12.08,1.39,2.5,22.5,84,2.56,2.29,.43,1.04,2.9,.93,3.19,385
|
||||
2,11.03,1.51,2.2,21.5,85,2.46,2.17,.52,2.01,1.9,1.71,2.87,407
|
||||
2,11.82,1.47,1.99,20.8,86,1.98,1.6,.3,1.53,1.95,.95,3.33,495
|
||||
2,12.42,1.61,2.19,22.5,108,2,2.09,.34,1.61,2.06,1.06,2.96,345
|
||||
2,12.77,3.43,1.98,16,80,1.63,1.25,.43,.83,3.4,.7,2.12,372
|
||||
2,12,3.43,2,19,87,2,1.64,.37,1.87,1.28,.93,3.05,564
|
||||
2,11.45,2.4,2.42,20,96,2.9,2.79,.32,1.83,3.25,.8,3.39,625
|
||||
2,11.56,2.05,3.23,28.5,119,3.18,5.08,.47,1.87,6,.93,3.69,465
|
||||
2,12.42,4.43,2.73,26.5,102,2.2,2.13,.43,1.71,2.08,.92,3.12,365
|
||||
2,13.05,5.8,2.13,21.5,86,2.62,2.65,.3,2.01,2.6,.73,3.1,380
|
||||
2,11.87,4.31,2.39,21,82,2.86,3.03,.21,2.91,2.8,.75,3.64,380
|
||||
2,12.07,2.16,2.17,21,85,2.6,2.65,.37,1.35,2.76,.86,3.28,378
|
||||
2,12.43,1.53,2.29,21.5,86,2.74,3.15,.39,1.77,3.94,.69,2.84,352
|
||||
2,11.79,2.13,2.78,28.5,92,2.13,2.24,.58,1.76,3,.97,2.44,466
|
||||
2,12.37,1.63,2.3,24.5,88,2.22,2.45,.4,1.9,2.12,.89,2.78,342
|
||||
2,12.04,4.3,2.38,22,80,2.1,1.75,.42,1.35,2.6,.79,2.57,580
|
||||
3,12.86,1.35,2.32,18,122,1.51,1.25,.21,.94,4.1,.76,1.29,630
|
||||
3,12.88,2.99,2.4,20,104,1.3,1.22,.24,.83,5.4,.74,1.42,530
|
||||
3,12.81,2.31,2.4,24,98,1.15,1.09,.27,.83,5.7,.66,1.36,560
|
||||
3,12.7,3.55,2.36,21.5,106,1.7,1.2,.17,.84,5,.78,1.29,600
|
||||
3,12.51,1.24,2.25,17.5,85,2,.58,.6,1.25,5.45,.75,1.51,650
|
||||
3,12.6,2.46,2.2,18.5,94,1.62,.66,.63,.94,7.1,.73,1.58,695
|
||||
3,12.25,4.72,2.54,21,89,1.38,.47,.53,.8,3.85,.75,1.27,720
|
||||
3,12.53,5.51,2.64,25,96,1.79,.6,.63,1.1,5,.82,1.69,515
|
||||
3,13.49,3.59,2.19,19.5,88,1.62,.48,.58,.88,5.7,.81,1.82,580
|
||||
3,12.84,2.96,2.61,24,101,2.32,.6,.53,.81,4.92,.89,2.15,590
|
||||
3,12.93,2.81,2.7,21,96,1.54,.5,.53,.75,4.6,.77,2.31,600
|
||||
3,13.36,2.56,2.35,20,89,1.4,.5,.37,.64,5.6,.7,2.47,780
|
||||
3,13.52,3.17,2.72,23.5,97,1.55,.52,.5,.55,4.35,.89,2.06,520
|
||||
3,13.62,4.95,2.35,20,92,2,.8,.47,1.02,4.4,.91,2.05,550
|
||||
3,12.25,3.88,2.2,18.5,112,1.38,.78,.29,1.14,8.21,.65,2,855
|
||||
3,13.16,3.57,2.15,21,102,1.5,.55,.43,1.3,4,.6,1.68,830
|
||||
3,13.88,5.04,2.23,20,80,.98,.34,.4,.68,4.9,.58,1.33,415
|
||||
3,12.87,4.61,2.48,21.5,86,1.7,.65,.47,.86,7.65,.54,1.86,625
|
||||
3,13.32,3.24,2.38,21.5,92,1.93,.76,.45,1.25,8.42,.55,1.62,650
|
||||
3,13.08,3.9,2.36,21.5,113,1.41,1.39,.34,1.14,9.40,.57,1.33,550
|
||||
3,13.5,3.12,2.62,24,123,1.4,1.57,.22,1.25,8.60,.59,1.3,500
|
||||
3,12.79,2.67,2.48,22,112,1.48,1.36,.24,1.26,10.8,.48,1.47,480
|
||||
3,13.11,1.9,2.75,25.5,116,2.2,1.28,.26,1.56,7.1,.61,1.33,425
|
||||
3,13.23,3.3,2.28,18.5,98,1.8,.83,.61,1.87,10.52,.56,1.51,675
|
||||
3,12.58,1.29,2.1,20,103,1.48,.58,.53,1.4,7.6,.58,1.55,640
|
||||
3,13.17,5.19,2.32,22,93,1.74,.63,.61,1.55,7.9,.6,1.48,725
|
||||
3,13.84,4.12,2.38,19.5,89,1.8,.83,.48,1.56,9.01,.57,1.64,480
|
||||
3,12.45,3.03,2.64,27,97,1.9,.58,.63,1.14,7.5,.67,1.73,880
|
||||
3,14.34,1.68,2.7,25,98,2.8,1.31,.53,2.7,13,.57,1.96,660
|
||||
3,13.48,1.67,2.64,22.5,89,2.6,1.1,.52,2.29,11.75,.57,1.78,620
|
||||
3,12.36,3.83,2.38,21,88,2.3,.92,.5,1.04,7.65,.56,1.58,520
|
||||
3,13.69,3.26,2.54,20,107,1.83,.56,.5,.8,5.88,.96,1.82,680
|
||||
3,12.85,3.27,2.58,22,106,1.65,.6,.6,.96,5.58,.87,2.11,570
|
||||
3,12.96,3.45,2.35,18.5,106,1.39,.7,.4,.94,5.28,.68,1.75,675
|
||||
3,13.78,2.76,2.3,22,90,1.35,.68,.41,1.03,9.58,.7,1.68,615
|
||||
3,13.73,4.36,2.26,22.5,88,1.28,.47,.52,1.15,6.62,.78,1.75,520
|
||||
3,13.45,3.7,2.6,23,111,1.7,.92,.43,1.46,10.68,.85,1.56,695
|
||||
3,12.82,3.37,2.3,19.5,88,1.48,.66,.4,.97,10.26,.72,1.75,685
|
||||
3,13.58,2.58,2.69,24.5,105,1.55,.84,.39,1.54,8.66,.74,1.8,750
|
||||
3,13.4,4.6,2.86,25,112,1.98,.96,.27,1.11,8.5,.67,1.92,630
|
||||
3,12.2,3.03,2.32,19,96,1.25,.49,.4,.73,5.5,.66,1.83,510
|
||||
3,12.77,2.39,2.28,19.5,86,1.39,.51,.48,.64,9.899999,.57,1.63,470
|
||||
3,14.16,2.51,2.48,20,91,1.68,.7,.44,1.24,9.7,.62,1.71,660
|
||||
3,13.71,5.65,2.45,20.5,95,1.68,.61,.52,1.06,7.7,.64,1.74,740
|
||||
3,13.4,3.91,2.48,23,102,1.8,.75,.43,1.41,7.3,.7,1.56,750
|
||||
3,13.27,4.28,2.26,20,120,1.59,.69,.43,1.35,10.2,.59,1.56,835
|
||||
3,13.17,2.59,2.37,20,120,1.65,.68,.53,1.46,9.3,.6,1.62,840
|
||||
3,14.13,4.1,2.74,24.5,96,2.05,.76,.56,1.35,9.2,.61,1.6,560
|
24
doc/api.rst
24
doc/api.rst
@@ -6,29 +6,13 @@ This is an example on how to document the API of your own project.
|
||||
|
||||
.. currentmodule:: bayesclass
|
||||
|
||||
Estimator
|
||||
=========
|
||||
|
||||
TAN
|
||||
===
|
||||
|
||||
.. autosummary::
|
||||
:toctree: generated/
|
||||
:template: class.rst
|
||||
|
||||
TemplateEstimator
|
||||
TAN
|
||||
|
||||
Transformer
|
||||
===========
|
||||
|
||||
.. autosummary::
|
||||
:toctree: generated/
|
||||
:template: class.rst
|
||||
|
||||
TemplateTransformer
|
||||
|
||||
Predictor
|
||||
=========
|
||||
|
||||
.. autosummary::
|
||||
:toctree: generated/
|
||||
:template: class.rst
|
||||
|
||||
TemplateClassifier
|
||||
|
@@ -315,7 +315,10 @@ texinfo_documents = [
|
||||
# Example configuration for intersphinx: refer to the Python standard library.
|
||||
# intersphinx configuration
|
||||
intersphinx_mapping = {
|
||||
"python": ("https://docs.python.org/{.major}".format(sys.version_info), None),
|
||||
"python": (
|
||||
"https://docs.python.org/{.major}".format(sys.version_info),
|
||||
None,
|
||||
),
|
||||
"numpy": ("https://docs.scipy.org/doc/numpy/", None),
|
||||
"scipy": ("https://docs.scipy.org/doc/scipy/reference", None),
|
||||
"matplotlib": ("https://matplotlib.org/", None),
|
||||
@@ -332,4 +335,4 @@ sphinx_gallery_conf = {
|
||||
|
||||
def setup(app):
|
||||
# a copy button to copy snippet of code from the documentation
|
||||
app.add_javascript("js/copybutton.js")
|
||||
app.add_js_file("js/copybutton.js")
|
||||
|
@@ -3,19 +3,19 @@
|
||||
Plotting Template Classifier
|
||||
============================
|
||||
|
||||
An example plot of :class:`bayesclass.template.TemplateClassifier`
|
||||
An example plot of :class:`bayesclass.TAN`
|
||||
"""
|
||||
import numpy as np
|
||||
from matplotlib import pyplot as plt
|
||||
from bayesclass import TemplateClassifier
|
||||
from bayesclass import TAN
|
||||
|
||||
X = [[0, 0], [1, 1]]
|
||||
y = [0, 1]
|
||||
clf = TemplateClassifier()
|
||||
clf = TAN()
|
||||
clf.fit(X, y)
|
||||
|
||||
rng = np.random.RandomState(13)
|
||||
X_test = rng.rand(500, 2)
|
||||
X_test = rng.randint(2, size=(500, 2))
|
||||
y_pred = clf.predict(X_test)
|
||||
|
||||
X_0 = X_test[y_pred == 0]
|
||||
|
@@ -1,17 +0,0 @@
|
||||
"""
|
||||
===========================
|
||||
Plotting Template Estimator
|
||||
===========================
|
||||
|
||||
An example plot of :class:`bayesclass.template.TemplateEstimator`
|
||||
"""
|
||||
import numpy as np
|
||||
from matplotlib import pyplot as plt
|
||||
from bayesclass import TemplateEstimator
|
||||
|
||||
X = np.arange(100).reshape(100, 1)
|
||||
y = np.zeros((100,))
|
||||
estimator = TemplateEstimator()
|
||||
estimator.fit(X, y)
|
||||
plt.plot(estimator.predict(X))
|
||||
plt.show()
|
@@ -1,26 +0,0 @@
|
||||
"""
|
||||
=============================
|
||||
Plotting Template Transformer
|
||||
=============================
|
||||
|
||||
An example plot of :class:`bayesclass.template.TemplateTransformer`
|
||||
"""
|
||||
import numpy as np
|
||||
from matplotlib import pyplot as plt
|
||||
from bayesclass import TemplateTransformer
|
||||
|
||||
X = np.arange(50, dtype=np.float).reshape(-1, 1)
|
||||
X /= 50
|
||||
estimator = TemplateTransformer()
|
||||
X_transformed = estimator.fit_transform(X)
|
||||
|
||||
plt.plot(X.flatten(), label="Original Data")
|
||||
plt.plot(X_transformed.flatten(), label="Transformed Data")
|
||||
plt.title("Plots of original and transformed data")
|
||||
|
||||
plt.legend(loc="best")
|
||||
plt.grid(True)
|
||||
plt.xlabel("Index")
|
||||
plt.ylabel("Value of Data")
|
||||
|
||||
plt.show()
|
1
result_images/test_bayesclass/line_dashes-expected.png
Symbolic link
1
result_images/test_bayesclass/line_dashes-expected.png
Symbolic link
@@ -0,0 +1 @@
|
||||
/Users/rmontanana/Code/bayesclass/bayesclass/tests/baseline_images/test_bayesclass/line_dashes.png
|
BIN
result_images/test_bayesclass/line_dashes-failed-diff.png
Normal file
BIN
result_images/test_bayesclass/line_dashes-failed-diff.png
Normal file
Binary file not shown.
After Width: | Height: | Size: 8.7 KiB |
BIN
result_images/test_bayesclass/line_dashes.png
Normal file
BIN
result_images/test_bayesclass/line_dashes.png
Normal file
Binary file not shown.
After Width: | Height: | Size: 45 KiB |
@@ -4,5 +4,5 @@ description-file = README.rst
|
||||
[aliases]
|
||||
test = pytest
|
||||
|
||||
[tool:pytest]
|
||||
addopts = --doctest-modules
|
||||
#[tool:pytest]
|
||||
#addopts = --doctest-modules
|
||||
|
437
test.ipynb
Normal file
437
test.ipynb
Normal file
@@ -0,0 +1,437 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 1,
|
||||
"id": "afc3548e-91c2-4443-bd96-457a57a202cc",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"from mdlp import MDLP\n",
|
||||
"import pandas as pd\n",
|
||||
"from benchmark import Datasets\n",
|
||||
"from bayesclass import TAN"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 2,
|
||||
"id": "8ff3f4d6-e681-4252-ac4d-dc5bd14dcede",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/html": [
|
||||
"<div>\n",
|
||||
"<style scoped>\n",
|
||||
" .dataframe tbody tr th:only-of-type {\n",
|
||||
" vertical-align: middle;\n",
|
||||
" }\n",
|
||||
"\n",
|
||||
" .dataframe tbody tr th {\n",
|
||||
" vertical-align: top;\n",
|
||||
" }\n",
|
||||
"\n",
|
||||
" .dataframe thead th {\n",
|
||||
" text-align: right;\n",
|
||||
" }\n",
|
||||
"</style>\n",
|
||||
"<table border=\"1\" class=\"dataframe\">\n",
|
||||
" <thead>\n",
|
||||
" <tr style=\"text-align: right;\">\n",
|
||||
" <th></th>\n",
|
||||
" <th>RI</th>\n",
|
||||
" <th>Na</th>\n",
|
||||
" <th>Mg</th>\n",
|
||||
" <th>Al</th>\n",
|
||||
" <th>Si</th>\n",
|
||||
" <th>'K'</th>\n",
|
||||
" <th>Ca</th>\n",
|
||||
" <th>Ba</th>\n",
|
||||
" <th>Fe</th>\n",
|
||||
" <th>Type</th>\n",
|
||||
" </tr>\n",
|
||||
" </thead>\n",
|
||||
" <tbody>\n",
|
||||
" <tr>\n",
|
||||
" <th>0</th>\n",
|
||||
" <td>1.51793</td>\n",
|
||||
" <td>12.79</td>\n",
|
||||
" <td>3.50</td>\n",
|
||||
" <td>1.12</td>\n",
|
||||
" <td>73.03</td>\n",
|
||||
" <td>0.64</td>\n",
|
||||
" <td>8.77</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0.00</td>\n",
|
||||
" <td>0</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>1</th>\n",
|
||||
" <td>1.51643</td>\n",
|
||||
" <td>12.16</td>\n",
|
||||
" <td>3.52</td>\n",
|
||||
" <td>1.35</td>\n",
|
||||
" <td>72.89</td>\n",
|
||||
" <td>0.57</td>\n",
|
||||
" <td>8.53</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0.00</td>\n",
|
||||
" <td>1</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>2</th>\n",
|
||||
" <td>1.51793</td>\n",
|
||||
" <td>13.21</td>\n",
|
||||
" <td>3.48</td>\n",
|
||||
" <td>1.41</td>\n",
|
||||
" <td>72.64</td>\n",
|
||||
" <td>0.59</td>\n",
|
||||
" <td>8.43</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0.00</td>\n",
|
||||
" <td>0</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>3</th>\n",
|
||||
" <td>1.51299</td>\n",
|
||||
" <td>14.40</td>\n",
|
||||
" <td>1.74</td>\n",
|
||||
" <td>1.54</td>\n",
|
||||
" <td>74.55</td>\n",
|
||||
" <td>0.00</td>\n",
|
||||
" <td>7.59</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0.00</td>\n",
|
||||
" <td>2</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>4</th>\n",
|
||||
" <td>1.53393</td>\n",
|
||||
" <td>12.30</td>\n",
|
||||
" <td>0.00</td>\n",
|
||||
" <td>1.00</td>\n",
|
||||
" <td>70.16</td>\n",
|
||||
" <td>0.12</td>\n",
|
||||
" <td>16.19</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0.24</td>\n",
|
||||
" <td>3</td>\n",
|
||||
" </tr>\n",
|
||||
" </tbody>\n",
|
||||
"</table>\n",
|
||||
"</div>"
|
||||
],
|
||||
"text/plain": [
|
||||
" RI Na Mg Al Si 'K' Ca Ba Fe Type\n",
|
||||
"0 1.51793 12.79 3.50 1.12 73.03 0.64 8.77 0.0 0.00 0\n",
|
||||
"1 1.51643 12.16 3.52 1.35 72.89 0.57 8.53 0.0 0.00 1\n",
|
||||
"2 1.51793 13.21 3.48 1.41 72.64 0.59 8.43 0.0 0.00 0\n",
|
||||
"3 1.51299 14.40 1.74 1.54 74.55 0.00 7.59 0.0 0.00 2\n",
|
||||
"4 1.53393 12.30 0.00 1.00 70.16 0.12 16.19 0.0 0.24 3"
|
||||
]
|
||||
},
|
||||
"execution_count": 2,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"# Get data as a dataset\n",
|
||||
"dt = Datasets()\n",
|
||||
"data = dt.load(\"glass\", dataframe=True)\n",
|
||||
"features = dt.dataset.features\n",
|
||||
"class_name = dt.dataset.class_name\n",
|
||||
"factorization, class_factors = pd.factorize(data[class_name])\n",
|
||||
"data[class_name] = factorization\n",
|
||||
"data.head()"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 3,
|
||||
"id": "7c9e1eae-6a66-4930-a125-f9f3def45574",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/html": [
|
||||
"<div>\n",
|
||||
"<style scoped>\n",
|
||||
" .dataframe tbody tr th:only-of-type {\n",
|
||||
" vertical-align: middle;\n",
|
||||
" }\n",
|
||||
"\n",
|
||||
" .dataframe tbody tr th {\n",
|
||||
" vertical-align: top;\n",
|
||||
" }\n",
|
||||
"\n",
|
||||
" .dataframe thead th {\n",
|
||||
" text-align: right;\n",
|
||||
" }\n",
|
||||
"</style>\n",
|
||||
"<table border=\"1\" class=\"dataframe\">\n",
|
||||
" <thead>\n",
|
||||
" <tr style=\"text-align: right;\">\n",
|
||||
" <th></th>\n",
|
||||
" <th>RI</th>\n",
|
||||
" <th>Na</th>\n",
|
||||
" <th>Mg</th>\n",
|
||||
" <th>Al</th>\n",
|
||||
" <th>Si</th>\n",
|
||||
" <th>'K'</th>\n",
|
||||
" <th>Ca</th>\n",
|
||||
" <th>Ba</th>\n",
|
||||
" <th>Fe</th>\n",
|
||||
" <th>Type</th>\n",
|
||||
" </tr>\n",
|
||||
" </thead>\n",
|
||||
" <tbody>\n",
|
||||
" <tr>\n",
|
||||
" <th>0</th>\n",
|
||||
" <td>31.0</td>\n",
|
||||
" <td>8.0</td>\n",
|
||||
" <td>15.0</td>\n",
|
||||
" <td>13.0</td>\n",
|
||||
" <td>38.0</td>\n",
|
||||
" <td>26.0</td>\n",
|
||||
" <td>9.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>1</th>\n",
|
||||
" <td>23.0</td>\n",
|
||||
" <td>3.0</td>\n",
|
||||
" <td>15.0</td>\n",
|
||||
" <td>19.0</td>\n",
|
||||
" <td>36.0</td>\n",
|
||||
" <td>19.0</td>\n",
|
||||
" <td>9.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>1</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>2</th>\n",
|
||||
" <td>31.0</td>\n",
|
||||
" <td>17.0</td>\n",
|
||||
" <td>15.0</td>\n",
|
||||
" <td>20.0</td>\n",
|
||||
" <td>24.0</td>\n",
|
||||
" <td>21.0</td>\n",
|
||||
" <td>7.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>3</th>\n",
|
||||
" <td>3.0</td>\n",
|
||||
" <td>42.0</td>\n",
|
||||
" <td>6.0</td>\n",
|
||||
" <td>21.0</td>\n",
|
||||
" <td>47.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>3.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>2</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>4</th>\n",
|
||||
" <td>63.0</td>\n",
|
||||
" <td>4.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>11.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>8.0</td>\n",
|
||||
" <td>21.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>4.0</td>\n",
|
||||
" <td>3</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>...</th>\n",
|
||||
" <td>...</td>\n",
|
||||
" <td>...</td>\n",
|
||||
" <td>...</td>\n",
|
||||
" <td>...</td>\n",
|
||||
" <td>...</td>\n",
|
||||
" <td>...</td>\n",
|
||||
" <td>...</td>\n",
|
||||
" <td>...</td>\n",
|
||||
" <td>...</td>\n",
|
||||
" <td>...</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>209</th>\n",
|
||||
" <td>17.0</td>\n",
|
||||
" <td>22.0</td>\n",
|
||||
" <td>14.0</td>\n",
|
||||
" <td>15.0</td>\n",
|
||||
" <td>26.0</td>\n",
|
||||
" <td>21.0</td>\n",
|
||||
" <td>4.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>1</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>210</th>\n",
|
||||
" <td>14.0</td>\n",
|
||||
" <td>10.0</td>\n",
|
||||
" <td>15.0</td>\n",
|
||||
" <td>27.0</td>\n",
|
||||
" <td>25.0</td>\n",
|
||||
" <td>30.0</td>\n",
|
||||
" <td>3.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>3</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>211</th>\n",
|
||||
" <td>19.0</td>\n",
|
||||
" <td>33.0</td>\n",
|
||||
" <td>15.0</td>\n",
|
||||
" <td>17.0</td>\n",
|
||||
" <td>36.0</td>\n",
|
||||
" <td>12.0</td>\n",
|
||||
" <td>3.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>4.0</td>\n",
|
||||
" <td>3</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>212</th>\n",
|
||||
" <td>23.0</td>\n",
|
||||
" <td>5.0</td>\n",
|
||||
" <td>8.0</td>\n",
|
||||
" <td>21.0</td>\n",
|
||||
" <td>43.0</td>\n",
|
||||
" <td>30.0</td>\n",
|
||||
" <td>9.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>3</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>213</th>\n",
|
||||
" <td>44.0</td>\n",
|
||||
" <td>38.0</td>\n",
|
||||
" <td>6.0</td>\n",
|
||||
" <td>21.0</td>\n",
|
||||
" <td>25.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>10.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>0.0</td>\n",
|
||||
" <td>2</td>\n",
|
||||
" </tr>\n",
|
||||
" </tbody>\n",
|
||||
"</table>\n",
|
||||
"<p>214 rows × 10 columns</p>\n",
|
||||
"</div>"
|
||||
],
|
||||
"text/plain": [
|
||||
" RI Na Mg Al Si 'K' Ca Ba Fe Type\n",
|
||||
"0 31.0 8.0 15.0 13.0 38.0 26.0 9.0 0.0 0.0 0\n",
|
||||
"1 23.0 3.0 15.0 19.0 36.0 19.0 9.0 0.0 0.0 1\n",
|
||||
"2 31.0 17.0 15.0 20.0 24.0 21.0 7.0 0.0 0.0 0\n",
|
||||
"3 3.0 42.0 6.0 21.0 47.0 0.0 3.0 0.0 0.0 2\n",
|
||||
"4 63.0 4.0 0.0 11.0 0.0 8.0 21.0 0.0 4.0 3\n",
|
||||
".. ... ... ... ... ... ... ... ... ... ...\n",
|
||||
"209 17.0 22.0 14.0 15.0 26.0 21.0 4.0 0.0 0.0 1\n",
|
||||
"210 14.0 10.0 15.0 27.0 25.0 30.0 3.0 0.0 0.0 3\n",
|
||||
"211 19.0 33.0 15.0 17.0 36.0 12.0 3.0 0.0 4.0 3\n",
|
||||
"212 23.0 5.0 8.0 21.0 43.0 30.0 9.0 0.0 0.0 3\n",
|
||||
"213 44.0 38.0 6.0 21.0 25.0 0.0 10.0 0.0 0.0 2\n",
|
||||
"\n",
|
||||
"[214 rows x 10 columns]"
|
||||
]
|
||||
},
|
||||
"execution_count": 3,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"# Fayyad Irani\n",
|
||||
"discretiz = MDLP()\n",
|
||||
"Xdisc = discretiz.fit_transform(\n",
|
||||
" data[features].to_numpy(), data[class_name].to_numpy()\n",
|
||||
")\n",
|
||||
"features_discretized = pd.DataFrame(Xdisc, columns=features)\n",
|
||||
"dataset_discretized = features_discretized.copy()\n",
|
||||
"dataset_discretized[class_name] = data[class_name]\n",
|
||||
"X = dataset_discretized[features]\n",
|
||||
"y = dataset_discretized[class_name]\n",
|
||||
"dataset_discretized"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "6a1aad95-370f-4854-ae9a-32205aff5d39",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"for simple_init in [False, True]:\n",
|
||||
" model = TAN(simple_init=simple_init)\n",
|
||||
" for head in range(4):\n",
|
||||
" model.fit(X, y, head=head, features=features, class_name=class_name)\n",
|
||||
" ypred = model.predict(X)\n",
|
||||
" #model.plot(f\"simple_init={simple_init} head={head} score={model.predict(X)}\")"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 5,
|
||||
"id": "76905bf3",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/plain": [
|
||||
"(214, 9)"
|
||||
]
|
||||
},
|
||||
"execution_count": 5,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"X.shape\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.8"
|
||||
},
|
||||
"vscode": {
|
||||
"interpreter": {
|
||||
"hash": "a5f800306069c11c1b9a793f47dfeb8c7d63d06a771fda00cf3476e3d4088a52"
|
||||
}
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
Reference in New Issue
Block a user