├── .gitignore ├── 1604_Function_of_interpolation ├── The_function_of_interpolation.ipynb ├── The_function_of_interpolation_with_xarray.ipynb └── data │ ├── Penobscot_HorizonB.txt │ ├── Penobscot_HorizonC.txt │ ├── Penobscot_HorizonC_header.txt │ ├── Penobscot_Seabed.npy │ └── Penobscot_Seabed.txt ├── 1606_Wavelet_estimation ├── Wavelet_estimation_for_well_ties.ipynb ├── rpp.npy └── seismic.npy ├── 1608_Finite_volume ├── LICENSE ├── README.md ├── all_together_now.ipynb ├── dc_interact.py ├── divergence.ipynb ├── images │ ├── DCEquations.png │ ├── DCSurvey.png │ ├── Divergence.png │ ├── FiniteVolume.png │ ├── NumericalSolve.png │ └── WeakFormulation.png ├── index.ipynb ├── mesh.ipynb ├── requirements.txt └── weakformulation.ipynb ├── 1610_Facies_classification ├── Facies Classification - SVM.ipynb ├── README.md ├── classification_utilities.py ├── facies_vectors.csv ├── manuscript │ ├── facies_classification.md │ └── images │ │ ├── pairplot.png │ │ ├── stuart.png │ │ └── test_well.png ├── nofacies_data.csv ├── training_data.csv ├── validation_data_nofacies.csv └── well_data_with_facies.csv ├── 1612_Linear_inversion ├── Julia.ipynb ├── NumPy.ipynb ├── R.ipynb ├── README.md ├── Torch.ipynb ├── manuscript │ ├── TLELinearinversion.pdf │ ├── figure1.png │ ├── figure2.png │ └── figure_for_box.png └── utils.py ├── LICENSE └── README.md /.gitignore: -------------------------------------------------------------------------------- 1 | # Byte-compiled / optimized / DLL files 2 | __pycache__/ 3 | *.py[cod] 4 | *$py.class 5 | 6 | # C extensions 7 | *.so 8 | 9 | # Distribution / packaging 10 | .Python 11 | env/ 12 | build/ 13 | develop-eggs/ 14 | dist/ 15 | downloads/ 16 | eggs/ 17 | .eggs/ 18 | lib/ 19 | lib64/ 20 | parts/ 21 | sdist/ 22 | var/ 23 | *.egg-info/ 24 | .installed.cfg 25 | *.egg 26 | 27 | # PyInstaller 28 | # Usually these files are written by a python script from a template 29 | # before PyInstaller builds the exe, so as to inject date/other infos into it. 30 | *.manifest 31 | *.spec 32 | 33 | # Installer logs 34 | pip-log.txt 35 | pip-delete-this-directory.txt 36 | 37 | # Unit test / coverage reports 38 | htmlcov/ 39 | .tox/ 40 | .coverage 41 | .coverage.* 42 | .cache 43 | nosetests.xml 44 | coverage.xml 45 | *,cover 46 | .hypothesis/ 47 | 48 | # Translations 49 | *.mo 50 | *.pot 51 | 52 | # Django stuff: 53 | *.log 54 | local_settings.py 55 | 56 | # Flask stuff: 57 | instance/ 58 | .webassets-cache 59 | 60 | # Scrapy stuff: 61 | .scrapy 62 | 63 | # Sphinx documentation 64 | docs/_build/ 65 | 66 | # PyBuilder 67 | target/ 68 | 69 | # IPython Notebook 70 | .ipynb_checkpoints 71 | 72 | # pyenv 73 | .python-version 74 | 75 | # celery beat schedule file 76 | celerybeat-schedule 77 | 78 | # dotenv 79 | .env 80 | 81 | # virtualenv 82 | venv/ 83 | ENV/ 84 | 85 | # Spyder project settings 86 | .spyderproject 87 | 88 | # Rope project settings 89 | .ropeproject 90 | -------------------------------------------------------------------------------- /1604_Function_of_interpolation/data/Penobscot_Seabed.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1604_Function_of_interpolation/data/Penobscot_Seabed.npy -------------------------------------------------------------------------------- /1606_Wavelet_estimation/rpp.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1606_Wavelet_estimation/rpp.npy -------------------------------------------------------------------------------- /1606_Wavelet_estimation/seismic.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1606_Wavelet_estimation/seismic.npy -------------------------------------------------------------------------------- /1608_Finite_volume/LICENSE: -------------------------------------------------------------------------------- 1 | The MIT License (MIT) 2 | 3 | Copyright (c) 2016 SimPEG 4 | 5 | Permission is hereby granted, free of charge, to any person obtaining a copy 6 | of this software and associated documentation files (the "Software"), to deal 7 | in the Software without restriction, including without limitation the rights 8 | to use, copy, modify, merge, publish, distribute, sublicense, and/or sell 9 | copies of the Software, and to permit persons to whom the Software is 10 | furnished to do so, subject to the following conditions: 11 | 12 | The above copyright notice and this permission notice shall be included in all 13 | copies or substantial portions of the Software. 14 | 15 | THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR 16 | IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, 17 | FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE 18 | AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER 19 | LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, 20 | OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE 21 | SOFTWARE. 22 | -------------------------------------------------------------------------------- /1608_Finite_volume/README.md: -------------------------------------------------------------------------------- 1 | # Pixels and their neighbours: Finite volume 2 | 3 | *Rowan Cockett, Lindsey Heagy and Doug Oldenburg* - [The Leading Edge](http://library.seg.org/doi/abs/10.1190/tle35080703.1) 4 | 5 | This notebook uses [Python 2.7](https://docs.python.org/2/) and the open source package [SimPEG](http://simpeg.xyz). [SimPEG](http://simpeg.xyz) can be installed using the python package manager PyPi and running: 6 | 7 | ``` 8 | pip install SimPEG 9 | ``` 10 | 11 | Alternatively, these notebooks can be run on the web using binders 12 | 13 | [](http://mybinder.org:/repo/simpeg/tle-finitevolume) 14 | 15 | This tutorial consists of 3 parts, here, we introduce the problem, in [divergence.ipynb](divergence.ipynb) we build the discrete divergence operator and in [weakformulation.ipynb](weakformulation.ipynb), we discretize and solve the DC equations using weak formulation. 16 | 17 | **Contents** 18 | - [mesh](mesh.ipynb) 19 | - [divergence](divergence.ipynb) 20 | - [weakforulation](weakformulation.ipynb) 21 | - [all together now](all_together_now.ipynb) 22 | 23 | Citing this work: 24 | ``` 25 | Rowan Cockett, Lindsey J. Heagy, and Douglas W. Oldenburg (2016). 26 | "Pixels and their neighbors: Finite volume." The Leading Edge, 35(8), 703–706. 27 | ``` 28 | See the PDF online: http://library.seg.org/doi/abs/10.1190/tle35080703.1 29 | -------------------------------------------------------------------------------- /1608_Finite_volume/dc_interact.py: -------------------------------------------------------------------------------- 1 | # Import numpy, python's n-dimensional array package, 2 | # the mesh class with differential operators from SimPEG 3 | # matplotlib, the basic python plotting package 4 | import numpy as np 5 | from SimPEG import Mesh, Utils, Solver 6 | import matplotlib.pyplot as plt 7 | plt.set_cmap(plt.get_cmap('viridis')) # use a nice colormap! 8 | 9 | 10 | def dc_resistivity( 11 | log_sigma_background=1., # Conductivity of the background, S/m 12 | log_sigma_block=2, # Conductivity of the block, S/m 13 | plot_type='potential' # "conductivity", "potential", or "current" 14 | ): 15 | from pylab import rcParams 16 | rcParams['figure.figsize'] = 10, 10 17 | 18 | # Define a unit-cell mesh 19 | mesh = Mesh.TensorMesh([100, 100]) # setup a mesh on which to solve 20 | 21 | # model parameters 22 | sigma_background = 10**log_sigma_background 23 | sigma_block = 10**log_sigma_block 24 | 25 | # add a block to our model 26 | x_block = np.r_[0.4, 0.6] 27 | y_block = np.r_[0.4, 0.6] 28 | 29 | # assign them on the mesh 30 | # create a physical property model 31 | sigma = sigma_background * np.ones(mesh.nC) 32 | 33 | block_indices = ((mesh.gridCC[:, 0] >= x_block[0]) & # left boundary 34 | (mesh.gridCC[:, 0] <= x_block[1]) & # right boundary 35 | (mesh.gridCC[:, 1] >= y_block[0]) & # bottom boundary 36 | (mesh.gridCC[:, 1] <= y_block[1])) # top boundary 37 | 38 | # add the block to the physical property model 39 | sigma[block_indices] = sigma_block 40 | 41 | # Define a source 42 | a_loc, b_loc = np.r_[0.2, 0.5], np.r_[0.8, 0.5] 43 | source_locs = [a_loc, b_loc] 44 | 45 | # locate it on the mesh 46 | source_loc_inds = Utils.closestPoints(mesh, source_locs) 47 | a_loc_mesh = mesh.gridCC[source_loc_inds[0], :] 48 | b_loc_mesh = mesh.gridCC[source_loc_inds[1], :] 49 | 50 | if plot_type == 'conductivity': 51 | plt.colorbar(mesh.plotImage(sigma)[0]) 52 | plt.plot(a_loc_mesh[0], a_loc_mesh[1], 'wv', markersize=8) 53 | plt.plot(b_loc_mesh[0], b_loc_mesh[1], 'w^', markersize=8) 54 | plt.title('electrical conductivity, $\sigma$') 55 | return 56 | 57 | # Assemble and solve the DC resistivity problem 58 | Div = mesh.faceDiv 59 | Sigma = mesh.getFaceInnerProduct(sigma, invProp=True, invMat=True) 60 | Vol = Utils.sdiag(mesh.vol) 61 | 62 | # assemble the system matrix 63 | A = Vol * Div * Sigma * Div.T * Vol 64 | 65 | # right hand side 66 | q = np.zeros(mesh.nC) 67 | q[source_loc_inds] = np.r_[+1, -1] 68 | 69 | # solve the DC resistivity problem 70 | Ainv = Solver(A) # create a matrix that behaves like A inverse 71 | phi = Ainv * q 72 | 73 | if plot_type == 'potential': 74 | plt.colorbar(mesh.plotImage(phi)[0]) 75 | plt.title('Electric Potential, $\phi$') 76 | return 77 | 78 | if plot_type == 'current': 79 | j = Sigma * mesh.faceDiv.T * Utils.sdiag(mesh.vol) * phi 80 | plt.colorbar(mesh.plotImage( 81 | j, 82 | vType='F', 83 | view='vec', 84 | streamOpts={'color': 'w'} 85 | )[0]) 86 | plt.title('Current, $j$') 87 | return 88 | -------------------------------------------------------------------------------- /1608_Finite_volume/images/DCEquations.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1608_Finite_volume/images/DCEquations.png -------------------------------------------------------------------------------- /1608_Finite_volume/images/DCSurvey.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1608_Finite_volume/images/DCSurvey.png -------------------------------------------------------------------------------- /1608_Finite_volume/images/Divergence.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1608_Finite_volume/images/Divergence.png -------------------------------------------------------------------------------- /1608_Finite_volume/images/FiniteVolume.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1608_Finite_volume/images/FiniteVolume.png -------------------------------------------------------------------------------- /1608_Finite_volume/images/NumericalSolve.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1608_Finite_volume/images/NumericalSolve.png -------------------------------------------------------------------------------- /1608_Finite_volume/images/WeakFormulation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1608_Finite_volume/images/WeakFormulation.png -------------------------------------------------------------------------------- /1608_Finite_volume/requirements.txt: -------------------------------------------------------------------------------- 1 | numpy 2 | scipy 3 | matplotlib 4 | ipywidgets 5 | git+git://github.com/simpeg/simpeg.git@master 6 | -------------------------------------------------------------------------------- /1610_Facies_classification/README.md: -------------------------------------------------------------------------------- 1 | ## Facies Classification 2 | This [notebook](https://github.com/brendonhall/facies_classification/blob/master/Facies%20Classification%20-%20SVM.ipynb) is a demonstration of using a machine learning algorithm (support vector machine) to assign facies to well log data. Training data has been assembled based on expert core description combined with wireline data from nine wells. This data is used to train a support vector machine to indentify facies based only on wireline data. This is based on a class exercise from the University of Kansas that can be [found online](http://www.people.ku.edu/~gbohling/EECS833/). 3 | 4 | ## Erratum 5 | 6 | > For example, if the classifier predicts that an interval is fine siltstone (FSiS), there is an 62% probability that the interval is actually **sandstone** (precision). 7 | 8 | ...should read... 9 | 10 | > For example, if the classifier predicts that an interval is fine siltstone (FSiS), there is an 62% probability that the interval is actually **that lithology** (precision). 11 | 12 | This has been corrected in [the version on GitHub](https://github.com/seg/tutorials-2016/blob/master/1610_Facies_classification/manuscript/facies_classification.md). 13 | -------------------------------------------------------------------------------- /1610_Facies_classification/classification_utilities.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | 3 | def display_cm(cm, labels, hide_zeros=False, 4 | display_metrics=False): 5 | """Display confusion matrix with labels, along with 6 | metrics such as Recall, Precision and F1 score. 7 | Based on Zach Guo's print_cm gist at 8 | https://gist.github.com/zachguo/10296432 9 | """ 10 | 11 | precision = np.diagonal(cm)/cm.sum(axis=0).astype('float') 12 | recall = np.diagonal(cm)/cm.sum(axis=1).astype('float') 13 | F1 = 2 * (precision * recall) / (precision + recall) 14 | 15 | precision[np.isnan(precision)] = 0 16 | recall[np.isnan(recall)] = 0 17 | F1[np.isnan(F1)] = 0 18 | 19 | total_precision = np.sum(precision * cm.sum(axis=1)) / cm.sum(axis=(0,1)) 20 | total_recall = np.sum(recall * cm.sum(axis=1)) / cm.sum(axis=(0,1)) 21 | total_F1 = np.sum(F1 * cm.sum(axis=1)) / cm.sum(axis=(0,1)) 22 | #print total_precision 23 | 24 | columnwidth = max([len(x) for x in labels]+[5]) # 5 is value length 25 | empty_cell = " " * columnwidth 26 | # Print header 27 | print(" " + " Pred", end=' ') 28 | for label in labels: 29 | print("%{0}s".format(columnwidth) % label, end=' ') 30 | print("%{0}s".format(columnwidth) % 'Total') 31 | print(" " + " True") 32 | # Print rows 33 | for i, label1 in enumerate(labels): 34 | print(" %{0}s".format(columnwidth) % label1, end=' ') 35 | for j in range(len(labels)): 36 | cell = "%{0}d".format(columnwidth) % cm[i, j] 37 | if hide_zeros: 38 | cell = cell if float(cm[i, j]) != 0 else empty_cell 39 | print(cell, end=' ') 40 | print("%{0}d".format(columnwidth) % sum(cm[i,:])) 41 | 42 | if display_metrics: 43 | print() 44 | print("Precision", end=' ') 45 | for j in range(len(labels)): 46 | cell = "%{0}.2f".format(columnwidth) % precision[j] 47 | print(cell, end=' ') 48 | print("%{0}.2f".format(columnwidth) % total_precision) 49 | print(" Recall", end=' ') 50 | for j in range(len(labels)): 51 | cell = "%{0}.2f".format(columnwidth) % recall[j] 52 | print(cell, end=' ') 53 | print("%{0}.2f".format(columnwidth) % total_recall) 54 | print(" F1", end=' ') 55 | for j in range(len(labels)): 56 | cell = "%{0}.2f".format(columnwidth) % F1[j] 57 | print(cell, end=' ') 58 | print("%{0}.2f".format(columnwidth) % total_F1) 59 | 60 | 61 | def display_adj_cm( 62 | cm, labels, adjacent_facies, hide_zeros=False, 63 | display_metrics=False): 64 | """This function displays a confusion matrix that counts 65 | adjacent facies as correct. 66 | """ 67 | adj_cm = np.copy(cm) 68 | 69 | for i in np.arange(0,cm.shape[0]): 70 | for j in adjacent_facies[i]: 71 | adj_cm[i][i] += adj_cm[i][j] 72 | adj_cm[i][j] = 0.0 73 | 74 | display_cm(adj_cm, labels, hide_zeros, 75 | display_metrics) 76 | -------------------------------------------------------------------------------- /1610_Facies_classification/manuscript/facies_classification.md: -------------------------------------------------------------------------------- 1 | # Tutorial: Facies Classification using Machine Learning 2 | 3 | Brendon Hall, [Enthought](https://www.enthought.com/) 4 | 5 | There has been much excitement recently about *big data* and the dire need for *data scientists* who possess the ability to extract meaning from it. Geoscientists, meanwhile, have been doing science with voluminous data for years, without needing to brag about how big it is. But now that large, complex datasets are widely available, there has been a proliferation of tools and techniques for analyzing them. Many free and open source packages now exist that provide powerful additions to the geoscientist's toolbox, much of which used to be only available in proprietary (and expensive) software platforms. 6 | 7 | One of the best examples is `scikit-learn` (http://scikit-learn.org/), a collection of tools for *machine learning* in Python. What's machine learning? You can think of it as a set of data analysis methods that includes classification, clustering, and regression. These algorithms can be used to discover features and trends within the data without being explicitly programmed, in essence *learning* from the data itself. 8 | 9 | In this tutorial, we will demonstrate how to use a classification algorithm known as a support vector machine to identify lithofacies based on well log measurements. Support vector machines (or SVMs) are a type of supervised learning algorithm, which need to be supplied with training data to learn the relationships between the measurements (or features) and the classes to be assigned. In our case, the features will be well log data from nine gas wells. These wells have already had lithofacies classes assigned based on core descriptions. Once we have trained a classifier we will use it to assign facies to wells that have not been described. 10 | 11 | ## Exploring the dataset 12 | 13 | The dataset we will use comes from a University of Kansas class exercise on the Hugoton and Panoma gas fields. For more on the origin of the data, see Dubois et al. (2007) and the Jupyter notebook that accompanies this tutorial at http://github.com/seg. 14 | 15 | The dataset consists of seven features (five wireline log measurements and two indicator variables) and a facies label at half foot depth intervals. In machine learning terminology, the set of measurements at each depth interval comprises a *feature vector*, each of which is associated with a *class* (the facies type). We will use the `pandas` library to load the data into a dataframe, which provides a convenient data structure to work with well log data. 16 | 17 | ```python 18 | >>> import pandas as pd 19 | >>> data = pd.read_csv('training_data.csv') 20 | ``` 21 | 22 | We can use `data.describe()` to provide a quick overview of the statistical distribution of the training data: 23 | 24 | | |Facies|Depth |GR |ILD_log10|DeltaPHI|PHIND|PE |NM_M|RELPOS| 25 | |:---:|:----:|:-----:|:----:|:-------:|:------:|:---:|:--:|:--:|:----:| 26 | |count|3232 |3232 |3232 |3232 |3232 |3232 |3232|3232|3232 | 27 | |mean |4.42 |2875.82|66.14 |0.64 |3.55 |13.48|3.73|1.50|0.52 | 28 | |std |2.50 |131.00 |30.85 |0.24 |5.23 |7.70 |0.89|0.50|0.29 | 29 | |min |1 |2573.50|13.25 |-0.03 |-21.83 |0.55 |0.20|1 |0.01 | 30 | |25% |2 |2791.00|46.92 |0.49 |1.16 |8.35 |3.10|1 |0.27 | 31 | |50% |4 |2932.50|65.72 |0.62 |3.5 |12.15|3.55|2 |0.53 | 32 | |75% |6 |2980.00|79.63 |0.81 |6.43 |16.45|4.30|2 |0.77 | 33 | |max |9 |3122.50|361.15|1.48 |18.60 |84.40|8.09|2 |1.00 | 34 | 35 | **Table 1:** Statistical distribution of the training data set. 36 | 37 | We can see from the `count` row that we have a total of 3232 feature vectors in the dataset. The feature vectors consist of the following variables: 38 | 39 | 1. Gamma ray (GR) 40 | 1. Resistivity (ILD_log10) 41 | 1. Photoelectric effect (PE) 42 | 1. Neutron-density porosity difference (DeltaPHI) 43 | 1. Average neutron-density porosity (PHIND) 44 | 1. Non-marine/marine indicator (NM_M) 45 | 1. Relative position (RELPOS) 46 | 47 | There are nine facies classes (numbered 1-9) identified in the dataset. Table 2 contains the descriptions associated with these classes. Note that not all of these facies are completely discrete; some gradually blend in to one another. Mis-classification of these neighboring facies can be expected to occur. The `Adjacent Facies` column in Table 2 lists these related classes. 48 | 49 | Facies|Description |Label|Adjacent Facies 50 | :----:|:-------------------------:|:---:|:-------------: 51 | 1 |Non-marine sandstone |SS | 2 52 | 2 |Non-marine coarse siltstone|CSiS | 1,3 53 | 3 |Non-marine fine siltstone |FSiS | 2 54 | 4 |Marine siltstone and shale |SiSh | 5 55 | 5 |Mudstone |MS | 4,6 56 | 6 |Wackestone |WS | 5,7,8 57 | 7 |Dolomite |D | 6,8 58 | 8 |Packstone-grainstone |PS | 6,7,9 59 | 9 |Phylloid-algal bafflestone |BS | 7,8 60 | 61 | **Table 2:** Facies labels with their descriptions. 62 | 63 | In order to evaluate the accuracy of the classifier, we will remove one well from the training set so that we can compare the predicted and actual facies labels. 64 | 65 | ```python 66 | >>> test_well = data[data['Well Name'] == 'SHANKLE'] 67 | >>> data = data[data['Well Name'] != 'SHANKLE'] 68 | ``` 69 | 70 | Let's extract the feature vectors and the associated facies labels from the training dataset: 71 | 72 | ```python 73 | >>> features = ['GR', 'ILD_log10', 'DeltaPHI', 'PHIND','PE','NM_M', 'RELPOS'] 74 | >>> feature_vectors = data[features] 75 | >>> facies_labels = data['Facies'] 76 | ``` 77 | 78 | Crossplots are a familiar tool to visualize how two properties vary with rock type. This dataset contains 5 log measurements, and we can employ the very useful `seaborn` library (Waskom et al. 2016) to create a matrix of cross plots to visualize the variation between the log measurements in the dataset. 79 | 80 | ```python 81 | >>> import seaborn as sns 82 | >>> sns.pairplot(feature_vectors[['GR', 'ILD_log10', 'DeltaPHI', 'PHIND','PE']]) 83 | ``` 84 | 85 |  86 | **Figure 1** Crossplot matrix generated with the `seaborn` library. 87 | 88 | Each pane in Figure 1 shows the relationship between two of the variables on the _x_ and _y_ axis, with a stacked bar plot showing the distribution of each point along the diagonal. Each point is colored according to its facies (see the Jupyter notebook associated with this tutorial for more details on how to generate colors for this plot). It is not clear from these crossplots what relationships exist between the measurements and facies labels. This is where machine learning will prove useful. 89 | 90 | ## Conditioning the dataset 91 | 92 | Many machine learning algorithms assume the feature data are normally distributed (i.e. Gaussian with zero mean and unit variance). Table 1 shows us that this is not the case with our training data. We will condition, or *standardize* the training data so that it has this property. The same factors used to standardize the training set must be applied to any subsequent dataset that will be classified. `Scikit-learn` includes a handy `StandardScalar` class that can be applied to the training set, and later used to standardize any input data. 93 | 94 | ```python 95 | >>> from sklearn.preprocessing import StandardScalar 96 | >>> scaler = StandardScaler().fit(feature_vectors) 97 | >>> scaled_features = scaler.transform(feature_vectors) 98 | ``` 99 | 100 | A standard practice when training supervised learning algorithms is to separate some data from the training set in order to evaluate the accuracy of the classifier. We have already removed data from a single well for this purpose. It is also useful to have a *cross validation* data set we can use to tune the parameters of the model. `Scikit-learn` includes a handy function to randomly split the training data into subsets. Let's use 5% of the data for the cross validation set. 101 | 102 | ```python 103 | >>> from sklearn.cross_validation import train_test_split 104 | >>> X_train, X_cv, y_train, y_cv = train_test_split( 105 | scaled_features, facies_labels, 106 | test_size=0.05, random_state=42) 107 | ``` 108 | 109 | ## Training the classifier 110 | 111 | Now we can use the conditioned dataset to train a support vector machine to classify facies. The concept of a support vector machine is straightforward. If the data was linearly separable, it would be easy to draw a boundaries between the input data points that identified distinct classes. Figure 1 suggests that our data is not linearly separable. Using a technique known as the 'kernel trick', the data is projected into a higher dimensional space where it is separable. Boundaries, or margins, can be drawn between the data in this space. These boundaries are generated during the training step. 112 | 113 | The SVM implementation in `scikit-learn` (http://scikit-learn.org/stable/modules/svm.html) takes a number of important parameters. These can be used to control the learning rate and the specifics of the kernel functions. The choice of parameters can affect the accuracy of the classifier, and finding optimal parameter choices is an important step known as *model selection*. A succession of models are created with different parameter values, and the combination with the lowest cross validation error is used for the classifier. See the notebook accompanying this article for more details on the model selection procedure used to obtain the parameter choices used here. 114 | 115 | ```python 116 | >>> from sklearn import svm 117 | >>> clf = svm.SVC(C = 10, gamma = 1) 118 | ``` 119 | 120 | Now we can train the classifier using the training set we created above. 121 | 122 | ```python 123 | >>> clf.fit(X_train, y_train) 124 | ``` 125 | 126 | That's it! Now that the model has been trained on our data, we can use it to predict the facies of any well with the same set of features as our training set. We set aside a well for exactly this purpose. 127 | 128 | 129 | ## Evaluating the classifier 130 | 131 | To evaluate the accuracy of our classifier we will use the well we kept for a blind test, and compare the predicted facies with the actual ones. We need to extract the facies labels and features of this dataset, and rescale the features using the same parameters used to rescale the training set. 132 | 133 | ```python 134 | >>> y_test = test_well['Facies'] 135 | >>> well_features = test_well.drop(['Facies', 136 | 'Formation', 137 | 'Well Name', 138 | 'Depth'], 139 | axis=1) 140 | >>> X_test = scaler.transform(well_features) 141 | ``` 142 | Now we can use our trained classifier to predict facies labels for this well, and store the results in the `Prediction` column of the `test_well` dataframe. 143 | 144 | ```python 145 | >>> y_pred = clf.predict(X_test) 146 | >>> test_well['Prediction'] = y_pred 147 | ``` 148 | Because we know the true facies labels of the vectors in the test dataset, we can use the results to evaluate the accuracy of the classifier on this well. 149 | 150 | ```python 151 | >>> from sklearn.metrics import classification_report 152 | >>> target_names = ['SS', 'CSiS', 'FSiS', 'SiSh', 153 | 'MS', 'WS', 'D','PS', 'BS'] 154 | >>> print(classification_report(y_test, y_pred, 155 | target_names=target_names)) 156 | ``` 157 | 158 | Class| precision| recall| f1-score| support 159 | :---:|:---------:|:--------:|:--------:|:--------: 160 | SS| 0.30| 0.08| 0.12| 89 161 | CSiS| 0.36| 0.72| 0.48| 89 162 | FSiS| 0.62| 0.54| 0.58| 117 163 | SiSh| 0.25| 0.29| 0.27| 7 164 | MS| 0.17| 0.11| 0.13| 19 165 | WS| 0.66| 0.54| 0.59| 71 166 | D| 0.71| 0.29| 0.42| 17 167 | PS| 0.41| 0.60| 0.49| 40 168 | BS| 0.00| 0.00| 0.00| 0 169 | avg / total| 0.47| 0.46| 0.43| 449 170 | 171 | **Table 3** Accuracy metrics for the test data set. 172 | 173 | Precision and recall are metrics that tell us how the classifier is performing for individual facies. Precision is the probability that, given a classification result for a sample, the sample actually belongs to that class. Recall is the probability that a sample will be correctly classified for a given class. For example, if the classifier predicts that an interval is fine siltstone (FSiS), there is an 62% probability that the interval is actually that lithology (precision). If an interval is actually fine siltstone, there is a 54% probability that it will be correctly classified (recall). The F1 score combines both accuracy and precision to give a single measure of relevancy of the classifier results. 174 | 175 | Our classifier achieved an overall F1 score of 0.43 on the test well, so there is room for improvement. It is interesting to note that if we count misclassification within adjacent facies as correct, the classifier has an overall F1 score of 0.88. 176 | 177 | Let's look at the classifier results in log plot form. Figure 2 is based on the plots described in Alessandro Amato del Monte's excellent tutorial from June 2015 of this series. The five logs used as features are plotted along with the actual and predicted lithofacies class log. 178 | 179 |  180 | 181 | **Figure 2.** Well logs and facies classification results from a single well. 182 | 183 | This tutorial has provided a brief overview of a typical machine learning workflow; preparing a dataset, training a classifier and evaluating the model. Libraries such as `scikit-learn` provide powerful algorithms that can be applied to problems in the geosciences with just a few lines of code. You can find a more details, along with the data and code used for this tutorial at https://github.com/seg. 184 | 185 | ##References 186 | Amato del Monte, A., 2015. Seismic Petrophysics: Part 1, *The Leading Edge*, 34 (4). [doi:10.1190/tle34040440.1](http://dx.doi.org/10.1190/tle34040440.1) 187 | 188 | Dubois, M. K., G. C. Bohling, and S. Chakrabarti, 2007, Comparison of four approaches to a rock facies classification problem, *Computers & Geosciences*, 33 (5), 599-617 pp. [doi:10.1016/j.cageo.2006.08.011](http://dx.doi.org/10.1016/j.cageo.2006.08.011) 189 | 190 | Waskom, M, et al. (2016). Seaborn, v0.7, January 2016. Zenodo. [doi:10.5281/zenodo.45133](http://dx/doi.org/10.5281/zenodo.45133) 191 | 192 | 193 | -------------------------------------------------------------------------------- /1610_Facies_classification/manuscript/images/pairplot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1610_Facies_classification/manuscript/images/pairplot.png -------------------------------------------------------------------------------- /1610_Facies_classification/manuscript/images/stuart.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1610_Facies_classification/manuscript/images/stuart.png -------------------------------------------------------------------------------- /1610_Facies_classification/manuscript/images/test_well.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1610_Facies_classification/manuscript/images/test_well.png -------------------------------------------------------------------------------- /1610_Facies_classification/nofacies_data.csv: -------------------------------------------------------------------------------- 1 | Formation,Well Name,Depth,GR,ILD_log10,DeltaPHI,PHIND,PE,NM_M,RELPOS 2 | A1 SH,STUART,2808,66.276,0.63,3.3,10.65,3.591,1,1 3 | A1 SH,STUART,2808.5,77.252,0.585,6.5,11.95,3.341,1,0.978 4 | A1 SH,STUART,2809,82.899,0.566,9.4,13.6,3.064,1,0.956 5 | A1 SH,STUART,2809.5,80.671,0.593,9.5,13.25,2.977,1,0.933 6 | A1 SH,STUART,2810,75.971,0.638,8.7,12.35,3.02,1,0.911 7 | A1 SH,STUART,2810.5,73.955,0.667,6.9,12.25,3.086,1,0.889 8 | A1 SH,STUART,2811,77.962,0.674,6.5,12.45,3.092,1,0.867 9 | A1 SH,STUART,2811.5,83.894,0.667,6.3,12.65,3.123,1,0.844 10 | A1 SH,STUART,2812,84.424,0.653,6.7,13.05,3.121,1,0.822 11 | A1 SH,STUART,2812.5,83.16,0.642,7.3,12.95,3.127,1,0.8 12 | A1 SH,STUART,2813,79.063,0.651,7.3,12.05,3.147,1,0.778 13 | A1 SH,STUART,2813.5,69.002,0.677,6.2,10.8,3.096,1,0.756 14 | A1 SH,STUART,2814,63.983,0.69,4.4,9.7,3.103,1,0.733 15 | A1 SH,STUART,2814.5,61.797,0.675,3.5,9.15,3.101,1,0.711 16 | A1 SH,STUART,2815,61.372,0.646,2.8,9.3,3.065,1,0.689 17 | A1 SH,STUART,2815.5,63.535,0.621,2.8,9.8,2.982,1,0.667 18 | A1 SH,STUART,2816,65.126,0.6,3.3,10.55,2.914,1,0.644 19 | A1 SH,STUART,2816.5,75.93,0.576,3.4,11.9,2.845,1,0.6 20 | A1 SH,STUART,2817,85.077,0.584,4.4,12.9,2.854,1,0.578 21 | A1 SH,STUART,2817.5,89.459,0.598,6.6,13.5,2.986,1,0.556 22 | A1 SH,STUART,2818,88.619,0.61,7.2,14.8,2.988,1,0.533 23 | A1 SH,STUART,2818.5,81.593,0.636,6.4,13.9,2.998,1,0.511 24 | A1 SH,STUART,2819,66.595,0.702,2.8,11.4,2.988,1,0.489 25 | A1 SH,STUART,2819.5,55.081,0.789,2.7,8.15,3.028,1,0.467 26 | A1 SH,STUART,2820,48.112,0.84,1,7.5,3.073,1,0.444 27 | A1 SH,STUART,2820.5,43.73,0.846,0.4,7.1,3.146,1,0.422 28 | A1 SH,STUART,2821,44.097,0.84,0.7,6.65,3.205,1,0.4 29 | A1 SH,STUART,2821.5,46.839,0.842,0.8,6.6,3.254,1,0.378 30 | A1 SH,STUART,2822,50.348,0.843,1.1,6.75,3.23,1,0.356 31 | A1 SH,STUART,2822.5,57.129,0.822,2.2,7.3,3.237,1,0.333 32 | A1 SH,STUART,2823,64.465,0.777,4.4,8.4,3.259,1,0.311 33 | A1 SH,STUART,2823.5,70.267,0.729,7.1,9.85,3.289,1,0.289 34 | A1 SH,STUART,2824,76.566,0.664,10.7,11.55,3.381,1,0.244 35 | A1 SH,STUART,2824.5,76.778,0.643,10.7,12.25,3.452,1,0.222 36 | A1 SH,STUART,2825,73.971,0.632,9.7,12.55,3.396,1,0.2 37 | A1 SH,STUART,2825.5,74.314,0.622,8.8,13.1,3.144,1,0.178 38 | A1 SH,STUART,2826,77.031,0.583,4.8,16.2,3.034,1,0.156 39 | A1 SH,STUART,2826.5,74.469,0.517,4.8,19.2,2.931,1,0.133 40 | A1 SH,STUART,2827,73.327,0.489,6.3,20.35,2.88,1,0.111 41 | A1 SH,STUART,2827.5,74.575,0.526,4.9,19.25,2.795,1,0.089 42 | A1 SH,STUART,2828,70.536,0.558,6.5,17.05,3.009,1,0.067 43 | A1 SH,STUART,2828.5,62.939,0.528,7.6,18.8,3.073,1,0.044 44 | A1 SH,STUART,2829,57.137,0.511,10.9,19.15,3.313,1,0.022 45 | A1 LM,STUART,2829.5,47.345,0.584,7,16.3,3.527,2,1 46 | A1 LM,STUART,2830,35.733,0.73,6.4,10.2,3.928,2,0.987 47 | A1 LM,STUART,2830.5,29.327,0.873,2.7,7.85,4.33,2,0.974 48 | A1 LM,STUART,2831,28.242,0.963,1.4,6.3,4.413,2,0.961 49 | A1 LM,STUART,2831.5,34.558,1.018,1.8,5.6,4.511,2,0.947 50 | A1 LM,STUART,2832,43.754,1.054,1.8,5.2,4.412,2,0.934 51 | A1 LM,STUART,2832.5,53.612,1.067,1.5,5.05,4.226,2,0.921 52 | A1 LM,STUART,2833,60.719,1.039,1.9,4.85,3.931,2,0.908 53 | A1 LM,STUART,2833.5,66.538,0.94,2.7,5.45,3.703,2,0.895 54 | A1 LM,STUART,2834,75.522,0.801,4,7.3,3.501,2,0.882 55 | A1 LM,STUART,2834.5,95.979,0.692,6.5,9.55,3.346,2,0.868 56 | A1 LM,STUART,2835,130.26,0.644,8.3,11.15,3.242,2,0.855 57 | A1 LM,STUART,2835.5,160.167,0.643,9.3,12.15,3.294,2,0.842 58 | A1 LM,STUART,2836,176.528,0.673,9.1,12.05,3.298,2,0.829 59 | A1 LM,STUART,2836.5,175.622,0.72,8.9,12.15,3.349,2,0.816 60 | A1 LM,STUART,2837,153.965,0.756,7.6,11.9,3.31,2,0.803 61 | A1 LM,STUART,2837.5,120.076,0.766,7.2,12.2,3.365,2,0.789 62 | A1 LM,STUART,2838,91.434,0.787,7.1,12.15,3.392,2,0.776 63 | A1 LM,STUART,2838.5,69.312,0.874,4.6,10.4,3.293,2,0.763 64 | A1 LM,STUART,2839,54.828,1.029,0.8,8.2,3.395,2,0.75 65 | A1 LM,STUART,2839.5,50.854,1.149,0.3,6.85,3.5,2,0.737 66 | A1 LM,STUART,2840,54.632,1.09,1,7.4,3.576,2,0.724 67 | A1 LM,STUART,2840.5,56.835,0.924,4.1,8.45,3.555,2,0.711 68 | A1 LM,STUART,2841,60.393,0.788,7.1,10.05,3.591,2,0.697 69 | A1 LM,STUART,2841.5,58.94,0.733,8.1,11.15,3.576,2,0.684 70 | A1 LM,STUART,2842,49.719,0.754,6.1,10.75,3.669,2,0.671 71 | A1 LM,STUART,2842.5,41.404,0.819,3.5,9.55,3.872,2,0.658 72 | A1 LM,STUART,2843,36.084,0.882,1.6,8.2,4.125,2,0.645 73 | A1 LM,STUART,2843.5,29.344,0.897,0.1,7.25,4.23,2,0.632 74 | A1 LM,STUART,2844,24.072,0.841,-0.6,6.8,4.302,2,0.618 75 | A1 LM,STUART,2844.5,22.62,0.733,-2.5,7.65,4.348,2,0.605 76 | A1 LM,STUART,2845,22.408,0.597,-3.8,9.5,4.29,2,0.592 77 | A1 LM,STUART,2845.5,21.184,0.469,-2.7,11.05,4.255,2,0.579 78 | A1 LM,STUART,2846,21.796,0.375,-2.3,13.35,4.213,2,0.566 79 | A1 LM,STUART,2846.5,23.925,0.314,-1.8,15.1,4.363,2,0.553 80 | A1 LM,STUART,2847,24.464,0.278,-1.3,16.15,4.495,2,0.539 81 | A1 LM,STUART,2847.5,26.039,0.257,-1.9,16.55,4.602,2,0.526 82 | A1 LM,STUART,2848,27.491,0.247,-2.5,16.45,4.544,2,0.513 83 | A1 LM,STUART,2848.5,28.193,0.249,-2.4,16.3,4.587,2,0.5 84 | A1 LM,STUART,2849,28.634,0.265,-1.9,16.15,4.678,2,0.487 85 | A1 LM,STUART,2849.5,29.809,0.299,-1,15.2,4.866,2,0.474 86 | A1 LM,STUART,2850,31.172,0.349,-1.5,14.15,4.783,2,0.461 87 | A1 LM,STUART,2850.5,33.448,0.418,-1.1,12.65,4.688,2,0.447 88 | A1 LM,STUART,2851,33.514,0.503,-1.2,11.3,4.628,2,0.434 89 | A1 LM,STUART,2851.5,35.146,0.593,-0.5,10.05,4.387,2,0.421 90 | A1 LM,STUART,2852,35.953,0.671,-0.7,9.45,4.291,2,0.408 91 | A1 LM,STUART,2852.5,35.178,0.729,-0.6,9,4.178,2,0.395 92 | A1 LM,STUART,2853,36.109,0.773,0.1,8.35,4.203,2,0.382 93 | A1 LM,STUART,2853.5,38.769,0.82,1.3,7.55,4.262,2,0.368 94 | A1 LM,STUART,2854,39.511,0.873,1.3,7.05,4.387,2,0.355 95 | A1 LM,STUART,2854.5,40.523,0.927,2.6,6.5,4.006,2,0.342 96 | A1 LM,STUART,2855,42.694,0.964,2.8,6.8,3.718,2,0.329 97 | A1 LM,STUART,2855.5,45.297,0.959,3,7.3,3.594,2,0.316 98 | A1 LM,STUART,2856,48.145,0.915,3.8,8.2,3.46,2,0.303 99 | A1 LM,STUART,2856.5,51.041,0.862,5.9,8.75,3.333,2,0.289 100 | A1 LM,STUART,2857,56.125,0.825,7.4,9.3,3.336,2,0.276 101 | A1 LM,STUART,2857.5,62.205,0.807,6.4,9.9,3.362,2,0.263 102 | A1 LM,STUART,2858,64.865,0.794,4.7,10.25,3.244,2,0.25 103 | A1 LM,STUART,2858.5,68.186,0.771,4.1,10.25,3.174,2,0.237 104 | A1 LM,STUART,2859,72.421,0.743,4.1,10.55,3.174,2,0.224 105 | A1 LM,STUART,2859.5,74.322,0.73,4.5,10.65,3.187,2,0.211 106 | A1 LM,STUART,2860,72.543,0.748,4.1,10.35,3.359,2,0.197 107 | A1 LM,STUART,2860.5,65.672,0.814,3.5,9.05,3.618,2,0.184 108 | A1 LM,STUART,2861,57.153,0.951,1.7,6.75,3.902,2,0.171 109 | A1 LM,STUART,2861.5,46.056,1.148,0.1,4.55,4.221,2,0.158 110 | A1 LM,STUART,2862,37.961,1.324,0,3.3,4.561,2,0.145 111 | A1 LM,STUART,2862.5,33.579,1.402,-0.2,2.8,4.799,2,0.132 112 | A1 LM,STUART,2863,31.212,1.439,-0.4,2.7,4.874,2,0.118 113 | A1 LM,STUART,2863.5,30.176,1.486,-0.5,2.55,4.787,2,0.105 114 | A1 LM,STUART,2864,29.858,1.507,-0.7,2.75,4.622,2,0.092 115 | A1 LM,STUART,2864.5,29.923,1.433,-0.6,3.3,4.375,2,0.079 116 | A1 LM,STUART,2865,34.428,1.279,0,4,4.115,2,0.066 117 | A1 LM,STUART,2865.5,39.935,1.134,0.8,4.6,3.979,2,0.053 118 | A1 LM,STUART,2866,39.935,1.134,0.8,4.6,3.979,2,0.053 119 | A1 LM,STUART,2866.5,46.823,1.05,1.3,5.15,3.727,2,0.039 120 | A1 LM,STUART,2867,57.969,1.01,2,5.2,3.537,2,0.026 121 | A1 LM,STUART,2867.5,71.246,0.954,2.3,5.65,3.482,2,0.013 122 | B1 SH,STUART,2868,82.548,0.843,3.2,7.2,3.532,1,1 123 | B1 SH,STUART,2868.5,92.119,0.718,4.9,8.95,3.484,1,0.968 124 | B1 SH,STUART,2869,93.564,0.635,7,11.1,3.402,1,0.935 125 | B1 SH,STUART,2869.5,86.26,0.615,9,11.9,3.486,1,0.903 126 | B1 SH,STUART,2870,77.097,0.637,9.5,11.25,3.56,1,0.871 127 | B1 SH,STUART,2870.5,67.68,0.651,9.2,10.7,3.473,1,0.839 128 | B1 SH,STUART,2871,64.049,0.639,8.5,10.65,3.401,1,0.806 129 | B1 SH,STUART,2871.5,67.566,0.621,7.5,11.45,3.307,1,0.774 130 | B1 SH,STUART,2872,69.728,0.604,7.1,12.45,3.28,1,0.742 131 | B1 SH,STUART,2872.5,67.966,0.582,8.3,13.45,3.253,1,0.71 132 | B1 SH,STUART,2873,65.803,0.565,9.6,13.5,3.284,1,0.677 133 | B1 SH,STUART,2873.5,62.351,0.575,10.1,11.85,3.405,1,0.645 134 | B1 SH,STUART,2874,59.512,0.621,10.1,9.65,3.504,1,0.613 135 | B1 SH,STUART,2874.5,61.176,0.691,9.9,8.15,3.587,1,0.581 136 | B1 SH,STUART,2875,65.754,0.751,9.6,7.7,3.605,1,0.548 137 | B1 SH,STUART,2875.5,66.66,0.768,9,8.2,3.505,1,0.516 138 | B1 SH,STUART,2876,64.604,0.742,8,8.9,3.411,1,0.484 139 | B1 SH,STUART,2876.5,61.699,0.696,7,9.2,3.319,1,0.452 140 | B1 SH,STUART,2877,58.353,0.657,5.6,9.3,3.265,1,0.419 141 | B1 SH,STUART,2877.5,55.929,0.64,4.2,9.2,3.167,1,0.387 142 | B1 SH,STUART,2878,57.414,0.64,4,9.1,3.181,1,0.355 143 | B1 SH,STUART,2878.5,60.393,0.64,3.8,9.3,3.133,1,0.323 144 | B1 SH,STUART,2879,65.901,0.636,4.2,9.9,3.163,1,0.29 145 | B1 SH,STUART,2879.5,71.385,0.635,5.8,10.8,3.131,1,0.258 146 | B1 SH,STUART,2880,75.816,0.625,4.9,13.55,2.997,1,0.226 147 | B1 SH,STUART,2880.5,75.334,0.587,5.6,15.9,2.938,1,0.194 148 | B1 SH,STUART,2881,72.69,0.558,4.8,18.5,2.969,1,0.129 149 | B1 SH,STUART,2881.5,68.635,0.558,6.9,19.45,3.104,1,0.097 150 | B1 SH,STUART,2882,60.695,0.52,7.5,21.25,3.147,1,0.065 151 | B1 SH,STUART,2882.5,51.645,0.501,5.6,18.1,3.354,1,0.032 152 | B1 LM,STUART,2883,41.918,0.548,7,10.9,3.764,2,1 153 | B1 LM,STUART,2883.5,32.991,0.633,7.7,6.35,4.109,2,0.968 154 | B1 LM,STUART,2884,28.258,0.705,5,6.1,4.154,2,0.935 155 | B1 LM,STUART,2884.5,26.635,0.769,4.1,5.35,4.321,2,0.903 156 | B1 LM,STUART,2885,25.541,0.847,3.6,4.8,4.476,2,0.871 157 | B1 LM,STUART,2885.5,23.795,0.948,2.3,4.45,4.565,2,0.839 158 | B1 LM,STUART,2886,20.719,1.061,2.2,3.5,4.615,2,0.806 159 | B1 LM,STUART,2886.5,18.499,1.139,2.4,3.2,4.696,2,0.774 160 | B1 LM,STUART,2887,19.446,1.118,1.5,4.65,4.668,2,0.742 161 | B1 LM,STUART,2887.5,21.388,1.019,1,7.1,4.579,2,0.71 162 | B1 LM,STUART,2888,24.178,0.908,1.2,9.2,4.292,2,0.677 163 | B1 LM,STUART,2888.5,27.638,0.812,0,11.1,4.046,2,0.645 164 | B1 LM,STUART,2889,31.669,0.724,0.9,11.45,3.822,2,0.613 165 | B1 LM,STUART,2889.5,39.389,0.627,3.4,11.2,3.629,2,0.581 166 | B1 LM,STUART,2890,49.385,0.535,6.4,11.5,3.517,2,0.548 167 | B1 LM,STUART,2890.5,58.516,0.488,9,11.4,3.474,2,0.516 168 | B1 LM,STUART,2891,66.619,0.511,9.2,10.8,3.613,2,0.484 169 | B1 LM,STUART,2891.5,67.296,0.602,6.4,9.5,3.862,2,0.452 170 | B1 LM,STUART,2892,57.798,0.745,3.7,8.25,4.052,2,0.419 171 | B1 LM,STUART,2892.5,48.169,0.912,1.1,7.45,4.241,2,0.387 172 | B1 LM,STUART,2893,41.437,1.045,0.4,6.3,4.476,2,0.355 173 | B1 LM,STUART,2893.5,39.348,1.117,0.1,5.35,4.712,2,0.323 174 | B1 LM,STUART,2894,49.312,1.144,1,4.5,4.56,2,0.29 175 | B1 LM,STUART,2894.5,61.984,1.143,0.7,4.85,4.605,2,0.258 176 | B1 LM,STUART,2895,73.506,1.122,0.9,5.75,4.574,2,0.226 177 | B1 LM,STUART,2895.5,74.208,1.095,0.3,6.85,4.478,2,0.194 178 | B1 LM,STUART,2896,67.819,1.072,-0.7,7.55,4.444,2,0.161 179 | B1 LM,STUART,2896.5,61.625,1.057,-1.2,7.4,4.439,2,0.129 180 | B1 LM,STUART,2897,61.625,1.057,-1.2,7.4,4.439,2,0.129 181 | B1 LM,STUART,2897.5,55.481,1.041,-0.9,6.55,4.335,2,0.097 182 | B1 LM,STUART,2898,57.251,0.98,-0.1,5.75,3.907,2,0.065 183 | B1 LM,STUART,2898.5,67.28,0.84,-0.6,7.1,3.58,2,0.032 184 | B2 SH,STUART,2899,76.02,0.686,0.7,9.45,3.23,1,1 185 | B2 SH,STUART,2899.5,84.457,0.603,2.5,12.45,2.967,1,0.947 186 | B2 SH,STUART,2900,89.019,0.595,4.6,14.9,2.794,1,0.895 187 | B2 SH,STUART,2900.5,89.933,0.591,3.9,18.55,2.789,1,0.842 188 | B2 SH,STUART,2901,89.386,0.539,4.5,22.55,2.861,1,0.789 189 | B2 SH,STUART,2901.5,89.427,0.479,6.2,25.4,2.935,1,0.737 190 | B2 SH,STUART,2902,87.517,0.461,7.6,24.4,3.128,1,0.684 191 | B2 SH,STUART,2902.5,83.747,0.485,8.7,23.15,3.284,1,0.632 192 | B2 SH,STUART,2903,78.304,0.541,6.1,21.25,3.332,1,0.579 193 | B2 SH,STUART,2903.5,71.858,0.635,8.5,15.95,3.485,1,0.526 194 | B2 SH,STUART,2904,64.701,0.737,5,15.7,3.471,1,0.474 195 | B2 SH,STUART,2904.5,64.293,0.752,1.7,17.15,3.45,1,0.421 196 | B2 SH,STUART,2905,67.158,0.686,-0.3,19.95,3.276,1,0.368 197 | B2 SH,STUART,2905.5,72.478,0.631,0.2,20.4,3.171,1,0.316 198 | B2 SH,STUART,2906,78.068,0.614,5,18.1,3.252,1,0.211 199 | B2 SH,STUART,2906.5,73.008,0.592,2.4,20.1,3.175,1,0.158 200 | B2 SH,STUART,2907,64.644,0.543,1.7,22.35,3.302,1,0.105 201 | B2 SH,STUART,2907.5,49.801,0.538,0,20.8,3.551,1,0.053 202 | B2 LM,STUART,2908,35.937,0.628,-2.8,16.8,3.96,2,1 203 | B2 LM,STUART,2908.5,24.203,0.743,-0.3,12.35,4.454,2,0.963 204 | B2 LM,STUART,2909,15.986,0.777,-0.2,11.5,4.657,2,0.926 205 | B2 LM,STUART,2909.5,12.036,0.773,-0.5,10.55,4.594,2,0.889 206 | B2 LM,STUART,2910,12.746,0.787,-1.2,9.2,4.437,2,0.852 207 | B2 LM,STUART,2910.5,14.843,0.809,-1.6,7.7,4.351,2,0.815 208 | B2 LM,STUART,2911,17.087,0.806,-1,6.8,4.242,2,0.778 209 | B2 LM,STUART,2911.5,17.977,0.765,0.3,6.45,4.105,2,0.741 210 | B2 LM,STUART,2912,18.834,0.701,-0.1,7.15,4.279,2,0.704 211 | B2 LM,STUART,2912.5,19.258,0.644,0.4,7.4,4.669,2,0.667 212 | B2 LM,STUART,2913,19.062,0.61,0.6,7.8,5.19,2,0.63 213 | B2 LM,STUART,2913.5,18.638,0.6,1.8,7.6,5.527,2,0.593 214 | B2 LM,STUART,2914,19.462,0.598,3.4,6.8,6.321,2,0.556 215 | B2 LM,STUART,2914.5,19.552,0.581,3.1,6.95,6.16,2,0.519 216 | B2 LM,STUART,2915,20.653,0.529,0.9,8.65,5.865,2,0.481 217 | B2 LM,STUART,2915.5,23.371,0.45,-1,11.3,5.315,2,0.444 218 | B2 LM,STUART,2916,25.468,0.391,-1.3,13.75,4.918,2,0.407 219 | B2 LM,STUART,2916.5,26.292,0.377,-2.3,14.85,4.521,2,0.37 220 | B2 LM,STUART,2917,27.736,0.411,-3.6,14.1,4.443,2,0.333 221 | B2 LM,STUART,2917.5,29.784,0.482,-3.1,11.85,4.347,2,0.296 222 | B2 LM,STUART,2918,31.041,0.578,-2.2,9.4,4.416,2,0.259 223 | B2 LM,STUART,2918.5,30.837,0.683,-0.4,7.4,4.394,2,0.222 224 | B2 LM,STUART,2919,32.64,0.807,1,5.6,4.343,2,0.185 225 | B2 LM,STUART,2919.5,33.571,0.942,1.6,4.5,4.086,2,0.148 226 | B2 LM,STUART,2920,39.56,1.003,1.9,4.55,3.811,2,0.111 227 | B2 LM,STUART,2920.5,47.475,0.931,1.5,6.15,3.625,2,0.074 228 | B2 LM,STUART,2921,56.443,0.821,2.3,8.05,3.393,2,0.037 229 | B3 SH,STUART,2921.5,64.799,0.751,3.4,9.6,3.12,1,1 230 | B3 SH,STUART,2922,69.72,0.711,3,12.4,3.03,1,0.95 231 | B3 SH,STUART,2922.5,72.511,0.637,3.5,16.35,2.984,1,0.9 232 | B3 SH,STUART,2923,74.698,0.525,5.4,20.8,2.915,1,0.85 233 | B3 SH,STUART,2923.5,74.698,0.525,5.4,20.8,2.915,1,0.85 234 | B3 SH,STUART,2924,73.425,0.458,5.2,21.6,2.92,1,0.8 235 | B3 SH,STUART,2924.5,71.328,0.486,3.1,17.35,2.995,1,0.75 236 | B3 SH,STUART,2925,68.937,0.587,4.1,13.25,3.122,1,0.7 237 | B3 SH,STUART,2925.5,66.562,0.671,1.3,13.25,3.243,1,0.65 238 | B3 SH,STUART,2926,64.636,0.663,3.2,13.3,3.324,1,0.6 239 | B3 SH,STUART,2926.5,66.619,0.625,4,13.6,3.33,1,0.55 240 | B3 SH,STUART,2927,66.619,0.625,4,13.6,3.33,1,0.55 241 | B3 SH,STUART,2927.5,65.624,0.635,3.2,12.4,3.309,1,0.5 242 | B3 SH,STUART,2928,65.322,0.68,3.3,9.65,3.315,1,0.45 243 | B3 SH,STUART,2928.5,67.035,0.707,2.4,8.6,3.232,1,0.4 244 | B3 SH,STUART,2929,68.194,0.693,3,8.8,3.157,1,0.35 245 | B3 SH,STUART,2929.5,69.149,0.646,3,10.4,3.034,1,0.3 246 | B3 SH,STUART,2930,72.201,0.588,3.2,13.2,3.052,1,0.25 247 | B3 SH,STUART,2930.5,73.776,0.542,4.4,16,3.132,1,0.2 248 | B3 SH,STUART,2931,72.609,0.525,5.5,17.55,3.31,1,0.15 249 | B3 SH,STUART,2931.5,66.864,0.55,5.3,16.55,3.625,1,0.1 250 | B3 SH,STUART,2932,53.702,0.62,5.7,13.75,4.003,1,0.05 251 | B3 LM,STUART,2932.5,40.474,0.713,4.7,11.15,4.278,2,1 252 | B3 LM,STUART,2933,28.12,0.774,2.2,10.5,4.537,2,0.9 253 | B3 LM,STUART,2933.5,20.213,0.769,-1.1,10.95,4.682,2,0.8 254 | B3 LM,STUART,2934,19.193,0.732,-1,11.1,4.546,2,0.7 255 | B3 LM,STUART,2934.5,20.449,0.699,-0.7,10.65,4.386,2,0.6 256 | B3 LM,STUART,2935,21.355,0.679,-0.1,9.95,4.28,2,0.5 257 | B3 LM,STUART,2935.5,21.641,0.668,1.3,8.95,4.221,2,0.4 258 | B3 LM,STUART,2936,24.203,0.653,2.6,8.3,4.099,2,0.3 259 | B3 LM,STUART,2936.5,34.574,0.613,2.4,9,3.66,2,0.2 260 | B3 LM,STUART,2937,45.231,0.548,2.3,10.45,3.496,2,0.1 261 | B4 SH,STUART,2937.5,56.427,0.498,2.9,11.35,3.338,1,1 262 | B4 SH,STUART,2938,67.06,0.504,1.7,11.65,3.135,1,0.944 263 | B4 SH,STUART,2938.5,70.838,0.558,2,10.8,3.012,1,0.889 264 | B4 SH,STUART,2939,69.932,0.612,3.3,10.05,3.066,1,0.833 265 | B4 SH,STUART,2939.5,74.526,0.633,4.1,10.25,3.109,1,0.778 266 | B4 SH,STUART,2940,77.611,0.626,5,11,3.063,1,0.722 267 | B4 SH,STUART,2940.5,78.59,0.605,5.9,11.55,3.092,1,0.667 268 | B4 SH,STUART,2941,76.729,0.591,5.7,11.95,3.051,1,0.611 269 | B4 SH,STUART,2941.5,74.11,0.608,3.7,10.95,3.07,1,0.556 270 | B4 SH,STUART,2942,66.407,0.653,2.2,9.6,2.997,1,0.5 271 | B4 SH,STUART,2942.5,64.081,0.693,1.4,8.6,3.093,1,0.444 272 | B4 SH,STUART,2943,65.885,0.705,0.9,8.55,3.106,1,0.389 273 | B4 SH,STUART,2943.5,70.299,0.696,1.4,9,3.085,1,0.333 274 | B4 SH,STUART,2944,70.299,0.696,1.4,9,3.085,1,0.333 275 | B4 SH,STUART,2944.5,74.551,0.677,3.1,9.65,3.066,1,0.278 276 | B4 SH,STUART,2945,79.659,0.643,3.4,12.5,2.902,1,0.222 277 | B4 SH,STUART,2945.5,80.402,0.573,-2.8,19.3,2.982,1,0.167 278 | B4 SH,STUART,2946,74.649,0.483,-0.5,23.95,3.14,1,0.111 279 | B4 SH,STUART,2946.5,63.429,0.461,0.2,24.2,3.394,1,0.056 280 | B4 LM,STUART,2947,47.916,0.598,-7.6,18.9,3.762,2,1 281 | B4 LM,STUART,2947.5,32.469,0.912,-1.4,9.8,4.314,2,0.929 282 | B4 LM,STUART,2948,20.718,1.222,-2.9,7.85,4.863,2,0.857 283 | B4 LM,STUART,2948.5,15.015,1.233,-1.6,6.4,4.813,2,0.786 284 | B4 LM,STUART,2949,14.084,1.084,-1.1,6.55,4.644,2,0.714 285 | B4 LM,STUART,2949.5,15.937,0.962,-0.4,7.4,4.634,2,0.643 286 | B4 LM,STUART,2950,19.348,0.901,-1,7.9,4.545,2,0.571 287 | B4 LM,STUART,2950.5,21.469,0.906,-1.1,6.75,4.576,2,0.5 288 | B4 LM,STUART,2951,22.587,0.969,-1.4,5.5,4.527,2,0.429 289 | B4 LM,STUART,2951.5,25.721,1.079,-0.9,4.45,4.512,2,0.357 290 | B4 LM,STUART,2952,29.45,1.2,0,4,4.437,2,0.286 291 | B4 LM,STUART,2952.5,36.313,1.169,-3.3,6.95,3.97,2,0.214 292 | B4 LM,STUART,2953,49.491,0.909,-8.9,13.85,3.695,2,0.143 293 | B5 SH,STUART,2953.5,69.222,0.469,-6,27.9,3.351,1,1 294 | B5 SH,STUART,2954,70.968,0.444,-2.5,28.85,3.49,1,0.75 295 | B5 SH,STUART,2954.5,65.379,0.501,-0.3,22.75,3.9,1,0.5 296 | B5 SH,STUART,2955,54.093,0.56,-0.5,16.75,4.126,1,0.25 297 | B5 LM,STUART,2955.5,41.633,0.541,3.9,11.55,4.482,2,1 298 | B5 LM,STUART,2956,33.644,0.439,3.8,11.7,4.707,2,0.976 299 | B5 LM,STUART,2956.5,28.977,0.321,1.3,14.45,4.447,2,0.951 300 | B5 LM,STUART,2957,24.611,0.232,-1.1,17.25,4.481,2,0.927 301 | B5 LM,STUART,2957.5,24.154,0.184,-2.9,19.65,4.327,2,0.902 302 | B5 LM,STUART,2958,25.639,0.173,-2.4,20.5,4.302,2,0.878 303 | B5 LM,STUART,2958.5,25.957,0.191,-2.4,19.9,4.294,2,0.854 304 | B5 LM,STUART,2959,38.965,0.266,-2.1,17.05,4.228,2,0.805 305 | B5 LM,STUART,2959.5,45.354,0.301,0.2,14.8,4.127,2,0.78 306 | B5 LM,STUART,2960,53.645,0.327,2.6,12.6,3.908,2,0.756 307 | B5 LM,STUART,2960.5,60.164,0.338,3.8,12.2,3.74,2,0.732 308 | B5 LM,STUART,2961,64.032,0.334,5.5,13.15,3.538,2,0.707 309 | B5 LM,STUART,2961.5,66.774,0.323,7.9,14.75,3.558,2,0.683 310 | B5 LM,STUART,2962,68.423,0.313,8.1,15.75,3.476,2,0.659 311 | B5 LM,STUART,2962.5,63.502,0.318,6.1,14.75,3.682,2,0.634 312 | B5 LM,STUART,2963,57.904,0.349,2.8,12.9,3.937,2,0.61 313 | B5 LM,STUART,2963.5,52.935,0.415,2.3,10.25,4.133,2,0.585 314 | B5 LM,STUART,2964,45.125,0.507,2.3,8.45,4.248,2,0.561 315 | B5 LM,STUART,2964.5,39.927,0.605,3.5,6.75,4.468,2,0.537 316 | B5 LM,STUART,2965,36.215,0.703,2.4,6,4.575,2,0.512 317 | B5 LM,STUART,2965.5,31.253,0.787,2.3,4.45,4.557,2,0.488 318 | B5 LM,STUART,2966,28.446,0.832,2.2,3.4,4.573,2,0.463 319 | B5 LM,STUART,2966.5,27.296,0.821,1.2,4.4,4.79,2,0.439 320 | B5 LM,STUART,2967,28.944,0.755,-0.4,7.3,4.887,2,0.415 321 | B5 LM,STUART,2967.5,31.596,0.659,-1.6,11,4.824,2,0.39 322 | B5 LM,STUART,2968,33.212,0.574,-3.1,14.45,4.765,2,0.366 323 | B5 LM,STUART,2968.5,34.689,0.517,-3,16.4,4.766,2,0.341 324 | B5 LM,STUART,2969,39.266,0.493,-1.9,16.15,4.705,2,0.317 325 | B5 LM,STUART,2969.5,50.103,0.499,-2,14.6,4.453,2,0.293 326 | B5 LM,STUART,2970,65.167,0.525,-1.6,13.1,4.366,2,0.268 327 | B5 LM,STUART,2970.5,76.436,0.557,-0.6,11.7,4.289,2,0.244 328 | B5 LM,STUART,2971,92.886,0.628,-0.2,9.4,4.272,2,0.195 329 | B5 LM,STUART,2971.5,99.643,0.683,-0.3,7.95,4.395,2,0.171 330 | B5 LM,STUART,2972,101.585,0.757,0,6.5,4.51,2,0.146 331 | B5 LM,STUART,2972.5,95.775,0.85,1.6,4.9,4.53,2,0.122 332 | B5 LM,STUART,2973,87.036,0.951,2.1,3.95,4.456,2,0.098 333 | B5 LM,STUART,2973.5,72.331,1.019,2.6,3.6,4.056,2,0.073 334 | B5 LM,STUART,2974,58.859,0.991,3.4,3.9,3.712,2,0.049 335 | B5 LM,STUART,2974.5,60.932,0.857,1.3,7.35,3.371,2,0.024 336 | C SH,STUART,2975,67.655,0.675,-0.8,14.4,3.131,1,1 337 | C SH,STUART,2975.5,77.219,0.528,6.8,20.9,3.008,1,0.977 338 | C SH,STUART,2976,82.115,0.459,10.6,24.2,2.988,1,0.953 339 | C SH,STUART,2976.5,84.865,0.446,9.4,23.7,3.134,1,0.93 340 | C SH,STUART,2977,84.384,0.449,13.3,21.45,3.409,1,0.907 341 | C SH,STUART,2977.5,81.772,0.443,14.8,20.9,3.483,1,0.884 342 | C SH,STUART,2978,78.998,0.444,16.5,20.65,3.438,1,0.837 343 | C SH,STUART,2978.5,79.896,0.457,14.9,20.15,3.423,1,0.814 344 | C SH,STUART,2979,79.194,0.462,14.8,19.9,3.45,1,0.791 345 | C SH,STUART,2979.5,78.99,0.451,13.5,19.65,3.393,1,0.767 346 | C SH,STUART,2980,79.21,0.441,15.1,18.95,3.475,1,0.744 347 | C SH,STUART,2980.5,78.1,0.451,15.6,17.5,3.478,1,0.721 348 | C SH,STUART,2981,78.59,0.489,14.3,16.75,3.505,1,0.698 349 | C SH,STUART,2981.5,79.439,0.544,12.7,15.25,3.478,1,0.674 350 | C SH,STUART,2982,81.299,0.576,11.5,14.65,3.453,1,0.651 351 | C SH,STUART,2982.5,78.933,0.494,11.9,14.85,3.479,1,0.605 352 | C SH,STUART,2983,79.471,0.441,13.4,16.3,3.494,1,0.581 353 | C SH,STUART,2983.5,81.895,0.431,14.2,16.8,3.441,1,0.558 354 | C SH,STUART,2984,82.768,0.468,14.3,16.05,3.493,1,0.535 355 | C SH,STUART,2984.5,79.022,0.537,12.9,15.05,3.5,1,0.512 356 | C SH,STUART,2985,76.746,0.601,11.4,13.8,3.441,1,0.488 357 | C SH,STUART,2985.5,73.066,0.638,11.1,13.25,3.426,1,0.465 358 | C SH,STUART,2986,70.356,0.651,11,13.1,3.447,1,0.442 359 | C SH,STUART,2986.5,74.608,0.621,10.5,14.85,3.399,1,0.395 360 | C SH,STUART,2987,73.008,0.585,11.1,15.15,3.393,1,0.372 361 | C SH,STUART,2987.5,70.438,0.546,12.1,15.15,3.439,1,0.349 362 | C SH,STUART,2988,68.08,0.5,13.5,14.65,3.478,1,0.326 363 | C SH,STUART,2988.5,66.75,0.46,13.6,15.2,3.461,1,0.302 364 | C SH,STUART,2989,69.451,0.455,13.4,14.8,3.494,1,0.279 365 | C SH,STUART,2989.5,75.946,0.494,14.2,14,3.541,1,0.256 366 | C SH,STUART,2990,80.344,0.556,11.8,13.6,3.522,1,0.233 367 | C SH,STUART,2990.5,83.772,0.616,10.4,12.9,3.476,1,0.186 368 | C SH,STUART,2991,84.767,0.618,10.7,12.55,3.39,1,0.163 369 | C SH,STUART,2991.5,84.09,0.616,9.4,13.4,3.289,1,0.14 370 | C SH,STUART,2992,86.628,0.601,8.8,14.4,3.19,1,0.116 371 | C SH,STUART,2992.5,90.43,0.556,2,21.4,3.045,1,0.093 372 | C SH,STUART,2993,87.077,0.498,2,26.4,3.088,1,0.07 373 | C SH,STUART,2993.5,76.623,0.479,5.3,28.45,3.224,1,0.047 374 | C SH,STUART,2994,62.768,0.546,3.2,26.3,3.334,1,0.023 375 | C LM,STUART,2994.5,43.738,0.703,1.8,19.3,3.876,2,1 376 | C LM,STUART,2995,27.859,0.855,6.9,11.75,4.508,2,0.993 377 | C LM,STUART,2995.5,18.034,0.879,5.3,9.55,4.815,2,0.985 378 | C LM,STUART,2996,13.203,0.83,3,9.1,4.863,2,0.978 379 | C LM,STUART,2996.5,12.762,0.767,2,8.9,5.024,2,0.97 380 | C LM,STUART,2997,14.843,0.702,1.8,9.2,4.616,2,0.963 381 | C LM,STUART,2997.5,19.087,0.644,0.4,10.4,4.172,2,0.955 382 | C LM,STUART,2998,19.087,0.644,0.4,10.4,4.172,2,0.955 383 | C LM,STUART,2998.5,25.207,0.601,-0.2,10.7,3.97,2,0.948 384 | C LM,STUART,2999,27.997,0.587,1.1,10.25,3.933,2,0.94 385 | C LM,STUART,2999.5,28.822,0.602,2.2,10,3.875,2,0.933 386 | C LM,STUART,3000,28.618,0.622,1.9,10.35,3.969,2,0.925 387 | C LM,STUART,3000.5,24.815,0.612,0.7,11.15,4.118,2,0.918 388 | C LM,STUART,3001,23.371,0.575,0.2,11.8,4.243,2,0.91 389 | C LM,STUART,3001.5,23.052,0.542,0.1,12.35,4.196,2,0.903 390 | C LM,STUART,3002,23.109,0.522,-0.1,12.15,4.192,2,0.896 391 | C LM,STUART,3002.5,24.138,0.511,-0.3,12.05,3.978,2,0.888 392 | C LM,STUART,3003,24.448,0.511,-0.1,11.75,3.975,2,0.881 393 | C LM,STUART,3003.5,25.419,0.523,0,11.6,3.962,2,0.873 394 | C LM,STUART,3004,26.724,0.56,-0.7,11.35,3.99,2,0.866 395 | C LM,STUART,3004.5,29.213,0.623,-0.8,10.7,3.885,2,0.858 396 | C LM,STUART,3005,34.036,0.686,0.4,9.4,3.816,2,0.851 397 | C LM,STUART,3005.5,38.157,0.716,1.7,7.75,3.66,2,0.843 398 | C LM,STUART,3006,40.45,0.701,1.8,6.8,3.544,2,0.836 399 | C LM,STUART,3006.5,41.576,0.662,3.5,6.45,3.392,2,0.828 400 | C LM,STUART,3007,40.123,0.633,3.7,7.35,3.24,2,0.821 401 | C LM,STUART,3007.5,36.663,0.632,3.4,8.1,3.212,2,0.813 402 | C LM,STUART,3008,32.706,0.65,3.8,8.3,3.253,2,0.806 403 | C LM,STUART,3008.5,30.323,0.672,3.4,8.7,3.289,2,0.799 404 | C LM,STUART,3009,28.601,0.694,3,9.4,3.314,2,0.791 405 | C LM,STUART,3009.5,28.169,0.721,2.4,9.7,3.262,2,0.784 406 | C LM,STUART,3010,29.442,0.756,1.4,9.8,3.31,2,0.776 407 | C LM,STUART,3010.5,30.878,0.795,0.7,9.55,3.359,2,0.769 408 | C LM,STUART,3011,32.151,0.832,0.1,9.35,3.409,2,0.761 409 | C LM,STUART,3011.5,33.677,0.856,0.4,9.1,3.417,2,0.754 410 | C LM,STUART,3012,33.701,0.872,1.1,8.95,3.444,2,0.746 411 | C LM,STUART,3012.5,35.105,0.889,1.5,8.75,3.466,2,0.739 412 | C LM,STUART,3013,37.104,0.914,1.6,8.6,3.49,2,0.731 413 | C LM,STUART,3013.5,37.349,0.939,2.1,7.95,3.418,2,0.724 414 | C LM,STUART,3014,37.936,0.952,2.4,7.7,3.504,2,0.716 415 | C LM,STUART,3014.5,39.087,0.953,2.1,7.75,3.511,2,0.709 416 | C LM,STUART,3015,38.059,0.951,1.7,7.55,3.55,2,0.701 417 | C LM,STUART,3015.5,37.202,0.952,2.2,7.3,3.603,2,0.694 418 | C LM,STUART,3016,37.218,0.951,1.8,7.5,3.675,2,0.687 419 | C LM,STUART,3016.5,37.781,0.949,1.4,7.6,3.741,2,0.679 420 | C LM,STUART,3017,40.164,0.948,1.5,7.35,3.735,2,0.672 421 | C LM,STUART,3017.5,40.956,0.95,1.6,7.3,3.747,2,0.664 422 | C LM,STUART,3018,41.013,0.952,1.5,7.25,3.64,2,0.657 423 | C LM,STUART,3018.5,42.547,0.95,1.9,7.15,3.683,2,0.649 424 | C LM,STUART,3019,41.192,0.945,2,7,3.644,2,0.642 425 | C LM,STUART,3019.5,42.726,0.941,2.3,7.15,3.704,2,0.634 426 | C LM,STUART,3020,44.407,0.942,3.4,7,3.695,2,0.627 427 | C LM,STUART,3020.5,45.387,0.946,3.8,6.8,3.788,2,0.619 428 | C LM,STUART,3021,45.052,0.945,2.6,7.5,3.917,2,0.612 429 | C LM,STUART,3021.5,46.129,0.935,2.4,7.4,3.948,2,0.604 430 | C LM,STUART,3022,47.826,0.925,2.5,7.05,4.016,2,0.597 431 | C LM,STUART,3022.5,50.054,0.925,2.3,6.75,3.935,2,0.59 432 | C LM,STUART,3023,55.562,0.933,1.8,6.9,3.974,2,0.582 433 | C LM,STUART,3023.5,63.029,0.947,2,6.8,3.859,2,0.575 434 | C LM,STUART,3024,75.399,0.966,1.9,6.45,3.681,2,0.567 435 | C LM,STUART,3024.5,102.116,0.987,0.2,6.9,3.561,2,0.56 436 | C LM,STUART,3025,140.778,0.993,-0.4,7,3.513,2,0.552 437 | C LM,STUART,3025.5,183.358,0.981,-0.3,7.35,3.437,2,0.545 438 | C LM,STUART,3026,213.999,0.977,0.2,7.8,3.412,2,0.537 439 | C LM,STUART,3026.5,220.413,1.004,0,8,3.528,2,0.53 440 | C LM,STUART,3027,200.306,1.027,0,8,3.671,2,0.522 441 | C LM,STUART,3027.5,162.149,0.999,-0.2,8.5,3.746,2,0.515 442 | C LM,STUART,3028,121.202,0.95,0.2,9.2,3.892,2,0.507 443 | C LM,STUART,3028.5,92.805,0.916,1.3,9.95,3.924,2,0.5 444 | C LM,STUART,3029,77.758,0.894,1.9,10.65,3.953,2,0.493 445 | C LM,STUART,3029.5,67.623,0.879,2.9,10.85,3.889,2,0.485 446 | C LM,STUART,3030,62.376,0.873,2.5,11.45,3.799,2,0.478 447 | C LM,STUART,3030.5,59.463,0.873,2.1,11.25,3.773,2,0.47 448 | C LM,STUART,3031,55.211,0.872,2.7,10.45,3.784,2,0.463 449 | C LM,STUART,3031.5,51.727,0.866,2.3,10.35,3.787,2,0.455 450 | C LM,STUART,3032,52.38,0.858,2.1,10.75,3.776,2,0.448 451 | C LM,STUART,3032.5,53.122,0.851,2.5,11.05,3.724,2,0.44 452 | C LM,STUART,3033,51.245,0.844,2.7,11.25,3.697,2,0.433 453 | C LM,STUART,3033.5,52.208,0.836,1.5,11.75,3.653,2,0.425 454 | C LM,STUART,3034,54.95,0.826,1.3,12.05,3.647,2,0.418 455 | C LM,STUART,3034.5,54.436,0.817,2,12,3.65,2,0.41 456 | C LM,STUART,3035,54.811,0.81,1.8,12.1,3.678,2,0.403 457 | C LM,STUART,3035.5,55.603,0.801,1.6,12.2,3.644,2,0.396 458 | C LM,STUART,3036,54.289,0.785,1.3,12.75,3.656,2,0.388 459 | C LM,STUART,3036.5,52.38,0.768,2,13,3.598,2,0.381 460 | C LM,STUART,3037,53.645,0.758,2,13.7,3.582,2,0.373 461 | C LM,STUART,3037.5,53.93,0.757,2.1,13.75,3.581,2,0.366 462 | C LM,STUART,3038,56.072,0.755,2.9,13.75,3.645,2,0.358 463 | C LM,STUART,3038.5,59.017,0.75,4,13.7,3.694,2,0.351 464 | C LM,STUART,3039,62.144,0.742,4.4,14.1,3.65,2,0.343 465 | C LM,STUART,3039.5,64.814,0.73,4.8,14.2,3.66,2,0.336 466 | C LM,STUART,3040,66.705,0.714,5.6,14.6,3.689,2,0.328 467 | C LM,STUART,3040.5,67.568,0.695,6.5,15.45,3.674,2,0.321 468 | C LM,STUART,3041,67.683,0.676,6.7,15.65,3.603,2,0.313 469 | C LM,STUART,3041.5,67.683,0.662,6,15.4,3.562,2,0.306 470 | C LM,STUART,3042,67.683,0.666,5.7,15.25,3.57,2,0.299 471 | C LM,STUART,3042.5,67.683,0.701,6,15.2,3.603,2,0.291 472 | C LM,STUART,3043,67.683,0.778,5.1,15.65,3.537,2,0.284 473 | C LM,STUART,3043.5,67.683,0.882,4.9,15.75,3.547,2,0.276 474 | C LM,STUART,3044,67.683,0.973,4.4,15.8,3.533,2,0.269 475 | C LM,STUART,3044.5,67.683,1.017,3.5,16.25,3.495,2,0.261 476 | A1 LM,CRAWFORD,2972.5,49.675,0.845,3.905,11.175,3.265,2,1 477 | A1 LM,CRAWFORD,2973,34.435,0.879,3.085,8.175,3.831,2,0.991 478 | A1 LM,CRAWFORD,2973.5,26.178,0.92,2.615,4.945,4.306,2,0.981 479 | A1 LM,CRAWFORD,2974,19.463,0.967,0.82,3.82,4.578,2,0.972 480 | A1 LM,CRAWFORD,2974.5,19.26,0.995,0.32,3.63,4.643,2,0.962 481 | A1 LM,CRAWFORD,2975,19.985,1.008,0.06,4.32,4.614,2,0.953 482 | A1 LM,CRAWFORD,2975.5,22.298,1.002,-0.01,5.5,4.491,2,0.943 483 | A1 LM,CRAWFORD,2976,24.611,0.956,0.05,6.87,4.369,2,0.934 484 | A1 LM,CRAWFORD,2976.5,24.677,0.824,0.31,6.94,4.047,2,0.915 485 | A1 LM,CRAWFORD,2977,24.946,0.667,0.965,5.915,3.893,2,0.906 486 | A1 LM,CRAWFORD,2977.5,29.31,0.559,2.11,6.15,3.52,2,0.896 487 | A1 LM,CRAWFORD,2978,37.322,0.522,3.375,8.445,3.125,2,0.887 488 | A1 LM,CRAWFORD,2978.5,42.142,0.51,3.985,10.785,2.843,2,0.877 489 | A1 LM,CRAWFORD,2979,52.434,0.492,4.42,13.15,2.674,2,0.868 490 | A1 LM,CRAWFORD,2979.5,63.181,0.473,5.18,14.13,2.644,2,0.858 491 | A1 LM,CRAWFORD,2980,69.405,0.465,5.52,14.56,2.663,2,0.849 492 | A1 LM,CRAWFORD,2980.5,77.785,0.475,5.82,14.94,2.68,2,0.84 493 | A1 LM,CRAWFORD,2981,83.577,0.469,5.965,15.395,2.666,2,0.83 494 | A1 LM,CRAWFORD,2981.5,84.058,0.513,6.025,15.855,2.622,2,0.821 495 | A1 LM,CRAWFORD,2982,81.82,0.544,5.95,16.05,2.609,2,0.811 496 | A1 LM,CRAWFORD,2982.5,80.257,0.563,5.74,16.1,2.626,2,0.802 497 | A1 LM,CRAWFORD,2983,79.833,0.579,5.135,15.715,2.662,2,0.792 498 | A1 LM,CRAWFORD,2983.5,80.323,0.583,4.565,15.275,2.693,2,0.783 499 | A1 LM,CRAWFORD,2984,84.704,0.59,4.365,15.165,2.711,2,0.774 500 | A1 LM,CRAWFORD,2984.5,96.674,0.596,4.725,15.565,2.744,2,0.764 501 | A1 LM,CRAWFORD,2985,112.662,0.609,4.88,15.71,2.824,2,0.755 502 | A1 LM,CRAWFORD,2985.5,131.484,0.634,5.11,15.6,2.935,2,0.745 503 | A1 LM,CRAWFORD,2986,138.169,0.659,5.33,15.1,3,2,0.736 504 | A1 LM,CRAWFORD,2986.5,135.045,0.682,5.1,14.46,3.048,2,0.726 505 | A1 LM,CRAWFORD,2987,117.726,0.707,4.415,13.315,3.097,2,0.717 506 | A1 LM,CRAWFORD,2987.5,98.382,0.729,3.395,11.695,3.193,2,0.708 507 | A1 LM,CRAWFORD,2988,91.348,0.771,3.235,10.985,3.308,2,0.698 508 | A1 LM,CRAWFORD,2988.5,87.05,0.831,3.21,10.64,3.493,2,0.689 509 | A1 LM,CRAWFORD,2989,82.98,0.928,2.835,10.115,3.526,2,0.679 510 | A1 LM,CRAWFORD,2989.5,67.264,1.019,0.475,8.435,3.217,2,0.67 511 | A1 LM,CRAWFORD,2990,57.069,1.047,-2.385,7.115,3.157,2,0.66 512 | A1 LM,CRAWFORD,2990.5,46.874,1.066,-3.97,6.6,3.159,2,0.651 513 | A1 LM,CRAWFORD,2991,39.325,1.06,-3.69,7.15,3.224,2,0.642 514 | A1 LM,CRAWFORD,2991.5,43.946,1.042,-2.73,7.29,3.272,2,0.632 515 | A1 LM,CRAWFORD,2992,51.73,1.005,-0.9,7.98,3.29,2,0.623 516 | A1 LM,CRAWFORD,2992.5,58.374,0.956,1.46,9.41,3.277,2,0.613 517 | A1 LM,CRAWFORD,2993,67.754,0.904,3.985,11.545,3.296,2,0.604 518 | A1 LM,CRAWFORD,2993.5,71.206,0.874,5.045,12.915,3.328,2,0.594 519 | A1 LM,CRAWFORD,2994,69.188,0.852,4.86,12.85,3.33,2,0.585 520 | A1 LM,CRAWFORD,2994.5,58.452,0.841,3.455,11.265,3.332,2,0.575 521 | A1 LM,CRAWFORD,2995,38.715,0.816,2.185,9.855,3.365,2,0.566 522 | A1 LM,CRAWFORD,2995.5,30.541,0.801,0.96,8.76,3.476,2,0.557 523 | A1 LM,CRAWFORD,2996,21.684,0.792,-0.04,8.28,3.774,2,0.547 524 | A1 LM,CRAWFORD,2996.5,21.252,0.793,-0.505,9.225,4.041,2,0.538 525 | A1 LM,CRAWFORD,2997,23.117,0.793,-0.555,9.895,4.292,2,0.528 526 | A1 LM,CRAWFORD,2997.5,28.85,0.791,-0.46,9.89,4.371,2,0.519 527 | A1 LM,CRAWFORD,2998,36.226,0.788,-0.085,9.175,4.112,2,0.509 528 | A1 LM,CRAWFORD,2998.5,42.83,0.801,0.41,8.49,3.91,2,0.5 529 | A1 LM,CRAWFORD,2999,46.846,0.82,1.255,8.275,3.793,2,0.491 530 | A1 LM,CRAWFORD,2999.5,48.133,0.845,1.77,8.29,3.486,2,0.481 531 | A1 LM,CRAWFORD,3000,43.162,0.874,1.35,8.64,3.263,2,0.472 532 | A1 LM,CRAWFORD,3000.5,36.586,0.92,1.01,8.74,3.187,2,0.462 533 | A1 LM,CRAWFORD,3001,32.746,0.955,0.625,8.535,3.173,2,0.453 534 | A1 LM,CRAWFORD,3001.5,30.957,0.974,0.565,8.555,3.315,2,0.443 535 | A1 LM,CRAWFORD,3002,30.765,0.981,0.545,8.575,3.441,2,0.434 536 | A1 LM,CRAWFORD,3002.5,31.265,0.987,0.625,8.425,3.618,2,0.425 537 | A1 LM,CRAWFORD,3003,33.124,0.994,0.755,8.045,3.943,2,0.415 538 | A1 LM,CRAWFORD,3003.5,35.211,0.997,0.635,7.555,4.07,2,0.406 539 | A1 LM,CRAWFORD,3004,36.386,0.988,0.125,7.135,3.885,2,0.396 540 | A1 LM,CRAWFORD,3004.5,38.017,0.951,-0.175,6.875,3.654,2,0.387 541 | A1 LM,CRAWFORD,3005,41.016,0.903,0.055,6.825,3.438,2,0.377 542 | A1 LM,CRAWFORD,3005.5,49.654,0.854,1.52,7.51,3.33,2,0.368 543 | A1 LM,CRAWFORD,3006,62.068,0.799,3.1,9.13,3.209,2,0.358 544 | A1 LM,CRAWFORD,3006.5,71.222,0.74,4,10.98,3.087,2,0.349 545 | A1 LM,CRAWFORD,3007,73.309,0.691,4.015,12.425,2.98,2,0.34 546 | A1 LM,CRAWFORD,3007.5,69.469,0.627,3.19,13.37,2.904,2,0.33 547 | A1 LM,CRAWFORD,3008,65.857,0.559,2.1,14.08,2.859,2,0.321 548 | A1 LM,CRAWFORD,3008.5,58.369,0.504,0.715,14.235,2.83,2,0.311 549 | A1 LM,CRAWFORD,3009,56.125,0.435,-0.775,13.415,2.786,2,0.302 550 | A1 LM,CRAWFORD,3009.5,56.769,0.378,-1.155,12.805,2.726,2,0.292 551 | A1 LM,CRAWFORD,3010,62.587,0.298,-0.18,12.87,2.588,2,0.283 552 | A1 LM,CRAWFORD,3010.5,64.674,0.252,0.24,14.42,2.465,2,0.274 553 | A1 LM,CRAWFORD,3011,64.253,0.212,0.24,16.36,2.374,2,0.264 554 | A1 LM,CRAWFORD,3011.5,61.553,0.166,-0.295,18.395,2.329,2,0.255 555 | A1 LM,CRAWFORD,3012,60.221,0.114,-0.59,19.27,2.315,2,0.245 556 | A1 LM,CRAWFORD,3012.5,59.116,0.093,-0.655,19.655,2.302,2,0.236 557 | A1 LM,CRAWFORD,3013,57.997,0.081,-0.8,19.69,2.258,2,0.226 558 | A1 LM,CRAWFORD,3013.5,57.363,0.091,-1.105,19.095,2.243,2,0.217 559 | A1 LM,CRAWFORD,3014,57.863,0.144,-1.27,18.12,2.261,2,0.208 560 | A1 LM,CRAWFORD,3014.5,59.038,0.206,-1.26,17.03,2.326,2,0.198 561 | A1 LM,CRAWFORD,3015,60.213,0.29,-1.04,16.68,2.409,2,0.189 562 | A1 LM,CRAWFORD,3015.5,61.16,0.368,-0.14,16.68,2.781,2,0.179 563 | A1 LM,CRAWFORD,3016,58.46,0.468,-0.25,15.21,3.327,2,0.17 564 | A1 LM,CRAWFORD,3016.5,53.48,0.564,0.36,11.47,3.796,2,0.16 565 | A1 LM,CRAWFORD,3017,51.692,0.657,0.825,8.125,4.062,2,0.151 566 | A1 LM,CRAWFORD,3017.5,67.238,0.807,1.7,7.13,4.173,2,0.142 567 | A1 LM,CRAWFORD,3018,74.796,0.89,2.905,7.335,4.19,2,0.132 568 | A1 LM,CRAWFORD,3018.5,75.743,0.925,3.055,7.765,4.302,2,0.123 569 | A1 LM,CRAWFORD,3019,70.991,0.928,2.325,7.785,4.444,2,0.113 570 | A1 LM,CRAWFORD,3019.5,57.348,0.929,1.355,7.395,4.492,2,0.104 571 | A1 LM,CRAWFORD,3020,46.213,0.929,0.67,7.43,4.385,2,0.094 572 | A1 LM,CRAWFORD,3020.5,42.116,0.926,0.19,7.17,4.201,2,0.085 573 | A1 LM,CRAWFORD,3021,44.925,0.918,-0.19,6.69,4.093,2,0.075 574 | A1 LM,CRAWFORD,3021.5,55.903,0.912,0.07,5.72,4.034,2,0.066 575 | A1 LM,CRAWFORD,3022,66.196,0.906,0.495,5.375,3.958,2,0.057 576 | A1 LM,CRAWFORD,3022.5,73.526,0.894,1.44,5.26,3.82,2,0.047 577 | B1 SH,CRAWFORD,3032,72.392,0.709,-0.74,18.41,2.629,1,0.125 578 | B1 SH,CRAWFORD,3032.5,69.928,0.792,-0.69,19.32,2.616,1,0.063 579 | B1 LM,CRAWFORD,3033,64.72,0.849,-0.96,16.33,2.914,2,1 580 | B1 LM,CRAWFORD,3033.5,52.445,0.892,0.91,11.35,3.292,2,0.977 581 | B1 LM,CRAWFORD,3034,43.362,0.93,-0.02,6.92,3.571,2,0.955 582 | B1 LM,CRAWFORD,3034.5,42.064,0.974,0.015,5.495,3.435,2,0.909 583 | B1 LM,CRAWFORD,3035,45.642,0.956,0.005,5.475,3.375,2,0.886 584 | B1 LM,CRAWFORD,3035.5,53.266,0.932,-0.105,5.545,3.299,2,0.864 585 | B1 LM,CRAWFORD,3036,59.043,0.894,0.17,6.99,3.114,2,0.841 586 | B1 LM,CRAWFORD,3036.5,62.331,0.834,-0.245,9.835,2.813,2,0.818 587 | B1 LM,CRAWFORD,3037,60.946,0.884,-1.69,16.08,2.745,2,0.795 588 | B1 LM,CRAWFORD,3037.5,53.914,0.918,-0.72,19.54,3.152,2,0.773 589 | B1 LM,CRAWFORD,3038,45.287,0.922,-0.86,18.44,3.962,2,0.75 590 | B1 LM,CRAWFORD,3038.5,30.049,0.925,0.445,13.565,4.571,2,0.727 591 | B1 LM,CRAWFORD,3039,23.017,0.947,0.54,9.59,4.806,2,0.705 592 | B1 LM,CRAWFORD,3039.5,21.228,0.973,-0.03,7.57,4.824,2,0.682 593 | B1 LM,CRAWFORD,3040,20.109,0.985,0.225,6.725,4.81,2,0.659 594 | B1 LM,CRAWFORD,3040.5,19.256,0.995,0.415,6.505,4.859,2,0.636 595 | B1 LM,CRAWFORD,3041,18.38,0.999,0.44,6.29,4.892,2,0.614 596 | B1 LM,CRAWFORD,3041.5,17.275,0.987,0.185,6.075,4.91,2,0.591 597 | B1 LM,CRAWFORD,3042,16.39,0.975,0.015,5.815,4.88,2,0.568 598 | B1 LM,CRAWFORD,3042.5,16.197,0.963,-0.205,5.445,4.834,2,0.545 599 | B1 LM,CRAWFORD,3043,16.469,0.957,-0.225,5.335,4.76,2,0.523 600 | B1 LM,CRAWFORD,3043.5,20.38,0.973,-0.295,5.255,4.669,2,0.5 601 | B1 LM,CRAWFORD,3044,31.86,1.005,-0.185,5.045,4.547,2,0.477 602 | B1 LM,CRAWFORD,3044.5,39.608,1.039,0.44,5.16,4.517,2,0.455 603 | B1 LM,CRAWFORD,3045,43.291,1.064,0.96,5.09,4.488,2,0.432 604 | B1 LM,CRAWFORD,3045.5,44.001,1.089,1.295,4.875,4.396,2,0.409 605 | B1 LM,CRAWFORD,3046,38.574,1.112,0.7,4.09,4.275,2,0.386 606 | B1 LM,CRAWFORD,3046.5,35.19,1.128,0.195,3.575,4.245,2,0.364 607 | B1 LM,CRAWFORD,3047,32.946,1.131,-0.215,3.205,4.434,2,0.341 608 | B1 LM,CRAWFORD,3047.5,31.613,1.128,-0.095,3.545,4.405,2,0.318 609 | B1 LM,CRAWFORD,3048,32.113,1.092,-0.005,4.715,4.329,2,0.295 610 | B1 LM,CRAWFORD,3048.5,32.368,1.052,0.29,5.42,4.285,2,0.273 611 | B1 LM,CRAWFORD,3049,31.507,0.978,0.405,5.865,4.224,2,0.25 612 | B1 LM,CRAWFORD,3049.5,30.849,0.88,0.445,6.595,4.04,2,0.227 613 | B1 LM,CRAWFORD,3050,29.953,0.772,0.91,7.82,3.451,2,0.205 614 | B1 LM,CRAWFORD,3050.5,28.876,0.723,1.24,9.64,3.141,2,0.182 615 | B1 LM,CRAWFORD,3051,28.228,0.705,1.21,10.47,3.206,2,0.159 616 | B1 LM,CRAWFORD,3051.5,28.263,0.693,1.005,10.355,3.38,2,0.136 617 | B1 LM,CRAWFORD,3052,28.754,0.693,0.47,9.35,3.646,2,0.114 618 | B1 LM,CRAWFORD,3052.5,34.26,0.694,0.34,7.94,3.974,2,0.091 619 | B1 LM,CRAWFORD,3053,45.01,0.694,0.485,6.185,4.241,2,0.068 620 | B1 LM,CRAWFORD,3053.5,55.98,0.707,0.665,5.945,4.093,2,0.045 621 | B1 LM,CRAWFORD,3054,67.146,0.717,0.965,6.695,3.67,2,0.023 622 | B2 SH,CRAWFORD,3054.5,80,0.708,1.965,8.815,3.361,1,1 623 | B2 SH,CRAWFORD,3055,85.05,0.69,3.215,10.515,3.16,1,0.95 624 | B2 SH,CRAWFORD,3055.5,83.946,0.659,3.965,11.115,3.178,1,0.9 625 | B2 SH,CRAWFORD,3056,80.973,0.623,4.61,10.99,3.211,1,0.85 626 | B2 SH,CRAWFORD,3056.5,78.782,0.592,4.845,10.905,3.213,1,0.8 627 | B2 SH,CRAWFORD,3057,76.082,0.574,4.82,10.73,3.231,1,0.75 628 | B2 SH,CRAWFORD,3057.5,72.925,0.562,4.535,10.405,3.217,1,0.7 629 | B2 SH,CRAWFORD,3058,72.049,0.55,4.24,10.55,3.187,1,0.65 630 | B2 SH,CRAWFORD,3058.5,71.391,0.535,4.115,11.005,3.128,1,0.6 631 | B2 SH,CRAWFORD,3059,70.751,0.527,4.055,11.765,3.036,1,0.55 632 | B2 SH,CRAWFORD,3059.5,71.261,0.533,4.235,12.565,3.007,1,0.5 633 | B2 SH,CRAWFORD,3060,73.11,0.518,4.44,12.8,2.978,1,0.45 634 | B2 SH,CRAWFORD,3060.5,75.425,0.491,3.815,12.085,2.903,1,0.4 635 | B2 SH,CRAWFORD,3061,76.828,0.47,3.265,11.525,2.687,1,0.35 636 | B2 SH,CRAWFORD,3061.5,75.04,0.458,3.16,11.69,2.58,1,0.3 637 | B2 SH,CRAWFORD,3062,70.288,0.449,3.695,12.535,2.534,1,0.25 638 | B2 LM,CRAWFORD,3062.5,66.266,0.443,4.505,13.995,2.553,1,0.2 639 | B2 LM,CRAWFORD,3063,60.79,0.441,6.07,16.34,2.679,1,0.15 640 | B2 LM,CRAWFORD,3063.5,54.67,0.444,6.25,16.74,3.35,1,0.1 641 | B2 LM,CRAWFORD,3064,48.094,0.445,5.995,16.615,3.865,1,0.05 642 | B2 LM,CRAWFORD,3064.5,41.062,0.445,3.425,13.955,4.24,2,1 643 | B2 LM,CRAWFORD,3065,39.046,0.455,1.725,12.915,4.507,2,0.964 644 | B2 LM,CRAWFORD,3065.5,38.169,0.458,1.1,12.79,4.354,2,0.929 645 | B2 LM,CRAWFORD,3066,40.493,0.465,0.895,13.365,4.293,2,0.893 646 | B2 LM,CRAWFORD,3066.5,43.948,0.459,0.68,13.98,4.248,2,0.857 647 | B2 LM,CRAWFORD,3067,46.491,0.423,0.57,14.45,4.266,2,0.821 648 | B2 LM,CRAWFORD,3067.5,47.21,0.392,0.565,14.945,4.331,2,0.786 649 | B2 LM,CRAWFORD,3068,46.789,0.346,0.765,15.325,4.395,2,0.75 650 | B2 LM,CRAWFORD,3068.5,45.912,0.325,0.985,15.625,4.397,2,0.714 651 | B2 LM,CRAWFORD,3069,45.704,0.304,1.205,15.925,4.383,2,0.679 652 | B2 LM,CRAWFORD,3069.5,45.527,0.295,1.27,15.89,4.276,2,0.643 653 | B2 LM,CRAWFORD,3070,44.887,0.289,1.155,15.315,4.123,2,0.607 654 | B2 LM,CRAWFORD,3070.5,44.23,0.29,0.815,14.205,3.95,2,0.571 655 | B2 LM,CRAWFORD,3071,44.274,0.281,0.55,12.84,3.785,2,0.536 656 | B2 LM,CRAWFORD,3071.5,45.221,0.247,0.545,11.605,3.647,2,0.5 657 | B2 LM,CRAWFORD,3072,46.396,0.167,1.685,11.385,3.431,2,0.464 658 | B2 LM,CRAWFORD,3072.5,46.888,0.118,2.92,12.76,3.2,2,0.429 659 | B2 LM,CRAWFORD,3073,46.475,0.069,4.4,16.76,2.968,2,0.393 660 | B2 LM,CRAWFORD,3073.5,46.738,0.042,5.065,20.085,2.815,2,0.357 661 | B2 LM,CRAWFORD,3074,47.914,0.033,4.815,20.915,2.848,2,0.321 662 | B2 LM,CRAWFORD,3074.5,51.596,0.04,4.485,20.755,2.99,2,0.286 663 | B2 LM,CRAWFORD,3075,62.89,0.102,4.42,17.02,3.474,2,0.25 664 | B2 LM,CRAWFORD,3075.5,80.38,0.22,3.955,12.965,4.067,2,0.214 665 | B2 LM,CRAWFORD,3076,105.725,0.347,2.42,7.33,4.271,2,0.179 666 | B2 LM,CRAWFORD,3076.5,131.069,0.524,1.655,5.355,3.838,2,0.143 667 | B2 LM,CRAWFORD,3077,145.018,0.636,-0.905,7.135,3.203,2,0.107 668 | B2 LM,CRAWFORD,3077.5,131.376,0.726,-1.94,12.26,2.816,2,0.071 669 | B3 SH,CRAWFORD,3078,110.21,0.792,0.27,14.14,2.678,2,0.036 670 | B3 SH,CRAWFORD,3078.5,89.045,0.826,3.14,13.7,2.773,1,1 671 | B3 SH,CRAWFORD,3079,73.807,0.808,4.795,11.855,3.371,1,0.944 672 | B3 SH,CRAWFORD,3079.5,73.158,0.781,4.755,10.905,3.493,1,0.889 673 | B3 SH,CRAWFORD,3080,73.195,0.763,3.975,10.205,3.432,1,0.833 674 | B3 SH,CRAWFORD,3080.5,72.325,0.748,3.68,10,3.387,1,0.778 675 | B3 SH,CRAWFORD,3081,71.221,0.742,3.33,9.69,3.374,1,0.722 676 | B3 SH,CRAWFORD,3081.5,70.563,0.742,2.76,9.25,3.329,1,0.667 677 | B3 SH,CRAWFORD,3082,71.519,0.733,1.75,10.04,3.145,1,0.611 678 | B3 SH,CRAWFORD,3082.5,74.062,0.722,2.32,12.64,2.945,1,0.556 679 | B3 SH,CRAWFORD,3083,77.061,0.71,2.765,15.055,2.776,1,0.5 680 | B3 SH,CRAWFORD,3083.5,78.693,0.695,3.04,15.66,2.793,1,0.444 681 | B3 SH,CRAWFORD,3084,79.192,0.683,2.505,14.075,2.951,1,0.389 682 | B3 SH,CRAWFORD,3084.5,79.192,0.683,2.505,14.075,2.951,1,0.389 683 | B3 SH,CRAWFORD,3085,78.999,0.662,2.395,12.335,2.984,1,0.333 684 | B3 SH,CRAWFORD,3085.5,78.114,0.64,2.395,11.095,2.909,1,0.278 685 | B3 SH,CRAWFORD,3086,77.246,0.625,2.705,12.075,2.708,1,0.222 686 | B3 SH,CRAWFORD,3086.5,76.369,0.62,2.305,15.615,2.601,1,0.167 687 | B3 SH,CRAWFORD,3087,72.301,0.633,0.98,21.27,2.759,1,0.111 688 | B3 SH,CRAWFORD,3087.5,61.107,0.667,-1.74,21.21,3.849,1,0.056 689 | B3 LM,CRAWFORD,3088,41.149,0.68,-2.295,18.875,4.854,2,1 690 | B3 LM,CRAWFORD,3088.5,28.419,0.686,-0.92,14.54,5.036,2,0.938 691 | B3 LM,CRAWFORD,3089,22.527,0.687,0.36,10.24,5.044,2,0.875 692 | B3 LM,CRAWFORD,3089.5,18.459,0.684,2.27,8.16,4.931,2,0.813 693 | B3 LM,CRAWFORD,3090,17.345,0.679,2.67,8.23,4.547,2,0.75 694 | B3 LM,CRAWFORD,3090.5,17.617,0.676,2.855,8.725,4.328,2,0.688 695 | B3 LM,CRAWFORD,3091,19.292,0.664,2.695,9.465,4.299,2,0.625 696 | B3 LM,CRAWFORD,3091.5,21.572,0.655,2.535,9.705,4.301,2,0.563 697 | B3 LM,CRAWFORD,3092,22.975,0.653,1.95,9.21,4.319,2,0.5 698 | B3 LM,CRAWFORD,3092.5,23.922,0.65,1.34,8.59,4.305,2,0.438 699 | B3 LM,CRAWFORD,3093,24.869,0.657,0.63,7.42,4.291,2,0.375 700 | B3 LM,CRAWFORD,3093.5,27.64,0.669,0.42,6.02,4.216,2,0.313 701 | B3 LM,CRAWFORD,3094,34.058,0.67,0.44,4.4,4.109,2,0.25 702 | B3 LM,CRAWFORD,3094.5,41.489,0.652,1.11,4.03,3.815,2,0.188 703 | B3 LM,CRAWFORD,3095,51.235,0.631,1.73,5.19,3.444,2,0.125 704 | B4 SH,CRAWFORD,3095.5,55.601,0.61,2.42,7.82,3.146,2,0.063 705 | B4 SH,CRAWFORD,3096,59.512,0.601,3.715,10.375,2.935,1,1 706 | B4 SH,CRAWFORD,3096.5,62.055,0.598,4.13,12.01,2.844,1,0.95 707 | B4 SH,CRAWFORD,3097,64.37,0.592,3.83,12.15,2.768,1,0.9 708 | B4 SH,CRAWFORD,3097.5,65.773,0.587,3.32,11.31,2.708,1,0.85 709 | B4 SH,CRAWFORD,3098,66.036,0.593,2.635,9.895,2.663,1,0.8 710 | B4 SH,CRAWFORD,3098.5,64.712,0.597,2.65,9.32,2.616,1,0.75 711 | B4 SH,CRAWFORD,3099,64.039,0.6,2.545,8.775,2.603,1,0.7 712 | B4 SH,CRAWFORD,3099.5,64.332,0.61,2.57,8.69,2.589,1,0.65 713 | B4 SH,CRAWFORD,3100,68.247,0.601,2.545,9.105,2.531,1,0.6 714 | B4 SH,CRAWFORD,3100.5,75.809,0.583,2.99,10.63,2.486,1,0.55 715 | B4 SH,CRAWFORD,3101,84.739,0.559,3.69,12.42,2.488,1,0.5 716 | B4 SH,CRAWFORD,3101.5,95.768,0.541,4.595,14.775,2.52,1,0.45 717 | B4 SH,CRAWFORD,3102,94.175,0.529,4.575,15.465,2.6,1,0.4 718 | B4 SH,CRAWFORD,3102.5,89.427,0.529,4.575,15.555,2.788,1,0.35 719 | B4 SH,CRAWFORD,3103,84.908,0.527,4.35,14.27,3.148,1,0.3 720 | B4 SH,CRAWFORD,3103.5,81.3,0.53,3.17,11.82,3.103,1,0.25 721 | B4 SH,CRAWFORD,3104,82.251,0.534,1.84,10.85,2.691,1,0.2 722 | B4 SH,CRAWFORD,3104.5,83.203,0.568,0.12,16.21,2.235,1,0.15 723 | B4 SH,CRAWFORD,3105,82.888,0.647,-0.305,24.225,2.113,1,0.1 724 | B4 LM,CRAWFORD,3105.5,70.526,0.731,-3.475,31.335,2.301,1,0.05 725 | B4 LM,CRAWFORD,3106,59.858,0.793,-2.585,25.825,3.329,2,1 726 | B4 LM,CRAWFORD,3106.5,43.933,0.815,-2.425,18.585,4.233,2,0.944 727 | B4 LM,CRAWFORD,3107,30.523,0.828,-0.505,13.435,4.53,2,0.889 728 | B4 LM,CRAWFORD,3107.5,21.444,0.867,-0.83,7.75,4.734,2,0.833 729 | B4 LM,CRAWFORD,3108,18.52,0.948,0.5,5.3,4.86,2,0.778 730 | B4 LM,CRAWFORD,3108.5,20.668,1.034,0.725,4.655,4.986,2,0.722 731 | B4 LM,CRAWFORD,3109,23.396,1.077,0.945,4.055,4.972,2,0.667 732 | B4 LM,CRAWFORD,3109.5,25.716,1.112,1,3.38,4.974,2,0.611 733 | B4 LM,CRAWFORD,3110,28.035,1.131,1.335,2.125,4.991,2,0.556 734 | B4 LM,CRAWFORD,3110.5,31.494,1.128,1.565,1.855,5.024,2,0.5 735 | B4 LM,CRAWFORD,3111,42.743,1.145,0.74,2.92,4.996,2,0.389 736 | B4 LM,CRAWFORD,3111.5,47.021,1.158,0.415,2.815,4.874,2,0.333 737 | B4 LM,CRAWFORD,3112,49.443,1.158,0.265,2.475,4.72,2,0.278 738 | B4 LM,CRAWFORD,3112.5,48.343,1.072,0.175,2.025,4.435,2,0.222 739 | B4 LM,CRAWFORD,3113,47.243,0.993,0.305,2.325,4.07,2,0.167 740 | B4 LM,CRAWFORD,3113.5,47.738,0.936,0.625,3.575,3.745,2,0.111 741 | B5 SH,CRAWFORD,3114,55.757,0.9,2.86,7.09,3.514,2,0.056 742 | B5 SH,CRAWFORD,3114.5,67.815,0.876,4.345,9.295,3.406,1,1 743 | B5 SH,CRAWFORD,3115,68.904,0.852,4.72,9.57,3.455,1,0.938 744 | B5 SH,CRAWFORD,3115.5,64.085,0.834,3.905,7.665,3.565,1,0.875 745 | B5 SH,CRAWFORD,3116,53.913,0.828,3.37,5.72,3.645,1,0.813 746 | B5 SH,CRAWFORD,3116.5,50.715,0.841,2.665,4.465,3.615,1,0.75 747 | B5 SH,CRAWFORD,3117,51.22,0.854,2.43,3.86,3.714,1,0.688 748 | B5 SH,CRAWFORD,3119,65.99,0.794,3.075,6.985,3.5,1,0.438 749 | B5 SH,CRAWFORD,3119.5,74.325,0.764,1.485,11.995,3.159,1,0.375 750 | B5 SH,CRAWFORD,3120,77.227,0.718,1.095,15.315,2.865,1,0.313 751 | B5 SH,CRAWFORD,3120.5,78.863,0.687,1.285,17.905,2.696,1,0.25 752 | B5 SH,CRAWFORD,3121,79.13,0.669,2.755,19.325,2.651,1,0.188 753 | B5 SH,CRAWFORD,3121.5,76.89,0.657,4.55,19.53,2.671,1,0.125 754 | B5 LM,CRAWFORD,3122,69.179,0.692,6.11,19.22,3.114,1,0.063 755 | B5 LM,CRAWFORD,3122.5,59.999,0.732,4.62,16.19,4.134,2,1 756 | B5 LM,CRAWFORD,3123,41.912,0.761,1.64,10.98,4.726,2,0.983 757 | B5 LM,CRAWFORD,3123.5,26.222,0.805,0.755,7.955,4.899,2,0.966 758 | B5 LM,CRAWFORD,3124,22.615,0.845,1.58,6.02,4.854,2,0.948 759 | B5 LM,CRAWFORD,3124.5,20.83,0.849,1.97,4.39,4.778,2,0.931 760 | B5 LM,CRAWFORD,3125,21.326,0.836,2.77,4.39,4.655,2,0.914 761 | B5 LM,CRAWFORD,3125.5,23.645,0.725,3.665,5.185,4.408,2,0.897 762 | B5 LM,CRAWFORD,3126,29.02,0.587,4.805,7.455,3.97,2,0.879 763 | B5 LM,CRAWFORD,3126.5,35.588,0.461,5.255,11.615,3.606,2,0.862 764 | B5 LM,CRAWFORD,3127,39.503,0.325,5.335,18.395,3.309,2,0.845 765 | B5 LM,CRAWFORD,3127.5,41.139,0.239,4.545,21.765,3.342,2,0.828 766 | B5 LM,CRAWFORD,3128,41.862,0.184,2.77,21.54,3.422,2,0.81 767 | B5 LM,CRAWFORD,3128.5,42.586,0.169,-0.02,19,3.485,2,0.793 768 | B5 LM,CRAWFORD,3129,44.221,0.139,2.425,18.905,3.378,2,0.776 769 | B5 LM,CRAWFORD,3129.5,47.395,0.121,3.7,20.04,3.209,2,0.759 770 | B5 LM,CRAWFORD,3130,54.796,0.103,4.59,22.87,3.133,2,0.741 771 | B5 LM,CRAWFORD,3130.5,58.255,0.091,5.19,25.77,3.166,2,0.724 772 | B5 LM,CRAWFORD,3131,60.347,0.076,4.065,26.095,3.118,2,0.707 773 | B5 LM,CRAWFORD,3131.5,61.754,0.048,3.235,25.165,3.06,2,0.69 774 | B5 LM,CRAWFORD,3132,61.794,0.002,2.74,22.4,3.14,2,0.672 775 | B5 LM,CRAWFORD,3132.5,61.833,-0.047,3.65,21.13,3.437,2,0.655 776 | B5 LM,CRAWFORD,3133,62.358,-0.096,4.43,21.27,3.672,2,0.638 777 | B5 LM,CRAWFORD,3133.5,63.062,-0.147,4.895,22.325,3.782,2,0.621 778 | B5 LM,CRAWFORD,3134,63.33,-0.206,5.245,22.895,3.737,2,0.603 779 | B5 LM,CRAWFORD,3134.5,62.685,-0.218,5.035,22.725,3.584,2,0.586 780 | B5 LM,CRAWFORD,3135,60.217,-0.23,4.57,21.84,3.444,2,0.569 781 | B5 LM,CRAWFORD,3135.5,55.926,-0.217,5.185,20.385,3.352,2,0.552 782 | B5 LM,CRAWFORD,3136,52.318,-0.185,5.795,18.665,3.496,2,0.534 783 | B5 LM,CRAWFORD,3136.5,47.244,-0.16,5.445,15.725,3.855,2,0.517 784 | B5 LM,CRAWFORD,3137,45.786,-0.138,4.165,11.765,3.966,2,0.5 785 | B5 LM,CRAWFORD,3137.5,46.975,-0.116,5.55,10.25,3.765,2,0.483 786 | B5 LM,CRAWFORD,3138,51.907,-0.103,7.385,11.675,3.44,2,0.466 787 | B5 LM,CRAWFORD,3138.5,58.336,-0.093,6.61,13.74,3.162,2,0.448 788 | B5 LM,CRAWFORD,3139,64.995,-0.09,5.94,16.68,3.024,2,0.431 789 | B5 LM,CRAWFORD,3139.5,67.543,-0.089,5.7,17.72,3.057,2,0.414 790 | B5 LM,CRAWFORD,3140,68.041,-0.104,5.755,18.395,3.171,2,0.397 791 | B5 LM,CRAWFORD,3140.5,66.186,-0.144,5.995,19.265,3.231,2,0.379 792 | B5 LM,CRAWFORD,3141,62.184,-0.187,6.54,20.72,3.264,2,0.362 793 | B5 LM,CRAWFORD,3141.5,57.883,-0.239,6,21.62,3.297,2,0.345 794 | B5 LM,CRAWFORD,3142,54.039,-0.297,5.725,22.245,3.282,2,0.328 795 | B5 LM,CRAWFORD,3142.5,53.154,-0.371,5.745,23.065,3.222,2,0.31 796 | B5 LM,CRAWFORD,3143,60.506,-0.432,5.78,23.96,3.115,2,0.293 797 | B5 LM,CRAWFORD,3143.5,68.99,-0.456,6.14,25.32,2.977,2,0.276 798 | B5 LM,CRAWFORD,3144,88.891,-0.468,7.025,27.595,2.916,2,0.259 799 | B5 LM,CRAWFORD,3144.5,114.955,-0.455,6.925,28.395,2.924,2,0.241 800 | B5 LM,CRAWFORD,3145,139.876,-0.405,6.245,28.025,3.215,2,0.224 801 | B5 LM,CRAWFORD,3145.5,157.729,-0.353,4.685,26.015,3.373,2,0.207 802 | B5 LM,CRAWFORD,3146,167.803,-0.219,4.27,23.37,3.81,2,0.19 803 | B5 LM,CRAWFORD,3146.5,151.183,-0.057,0.925,17.125,4.153,2,0.172 804 | B5 LM,CRAWFORD,3147,123.264,0.067,0.285,14.215,4.404,2,0.155 805 | B5 LM,CRAWFORD,3147.5,108.569,0.234,0.705,12.225,4.499,2,0.138 806 | B5 LM,CRAWFORD,3148,101.072,0.427,1.15,10.76,4.392,2,0.121 807 | B5 LM,CRAWFORD,3148.5,91.748,0.625,1.135,9.605,4.254,2,0.103 808 | B5 LM,CRAWFORD,3149,83.794,0.749,2.075,7.845,4.023,2,0.086 809 | B5 LM,CRAWFORD,3149.5,83.794,0.749,2.075,7.845,4.023,2,0.086 810 | B5 LM,CRAWFORD,3150,79.722,0.771,2.89,6.64,4.04,2,0.069 811 | B5 LM,CRAWFORD,3150.5,76.334,0.8,2.96,6.29,3.997,2,0.052 812 | B5 LM,CRAWFORD,3151,73.631,0.8,2.68,6.69,3.828,2,0.034 813 | B5 LM,CRAWFORD,3151.5,76.865,0.772,2.42,8.6,3.535,2,0.017 814 | C SH,CRAWFORD,3152,79.924,0.752,2.62,11.51,3.148,1,1 815 | C SH,CRAWFORD,3152.5,82.199,0.728,3.725,14.555,2.964,1,0.972 816 | C SH,CRAWFORD,3153,79.953,0.7,5.61,16.93,2.793,1,0.944 817 | C SH,CRAWFORD,3153.5,75.881,0.673,6.3,17.57,2.969,1,0.917 818 | C SH,CRAWFORD,3154,67.47,0.652,4.775,15.795,3.282,1,0.889 819 | C SH,CRAWFORD,3154.5,58.832,0.64,4.315,13.575,3.642,1,0.861 820 | C SH,CRAWFORD,3155,57.946,0.631,3.595,11.305,3.893,1,0.833 821 | C SH,CRAWFORD,3155.5,65.755,0.625,3.465,10.355,3.911,1,0.806 822 | C SH,CRAWFORD,3156,69.445,0.617,3.39,11.54,3.82,1,0.778 823 | C SH,CRAWFORD,3156.5,73.389,0.608,3.625,12.775,3.62,1,0.75 824 | C SH,CRAWFORD,3157,77.115,0.605,4.14,13.42,3.467,1,0.722 825 | C SH,CRAWFORD,3157.5,79.84,0.596,4.875,13.825,3.36,1,0.694 826 | C SH,CRAWFORD,3158,82.616,0.577,5.235,14.845,3.207,1,0.667 827 | C SH,CRAWFORD,3158.5,86.078,0.554,5.04,16.15,3.161,1,0.639 828 | C SH,CRAWFORD,3159,88.855,0.539,5.56,16.75,3.118,1,0.611 829 | C SH,CRAWFORD,3159.5,90.49,0.53,6.36,16.78,3.168,1,0.583 830 | C SH,CRAWFORD,3160,90.975,0.522,7.035,16.995,3.154,1,0.556 831 | C SH,CRAWFORD,3160.5,90.108,0.513,7.505,17.595,3.125,1,0.528 832 | -------------------------------------------------------------------------------- /1610_Facies_classification/validation_data_nofacies.csv: -------------------------------------------------------------------------------- 1 | Formation,Well Name,Depth,GR,ILD_log10,DeltaPHI,PHIND,PE,NM_M,RELPOS 2 | A1 SH,STUART,2808,66.276,0.63,3.3,10.65,3.591,1,1 3 | A1 SH,STUART,2808.5,77.252,0.585,6.5,11.95,3.341,1,0.978 4 | A1 SH,STUART,2809,82.899,0.566,9.4,13.6,3.064,1,0.956 5 | A1 SH,STUART,2809.5,80.671,0.593,9.5,13.25,2.977,1,0.933 6 | A1 SH,STUART,2810,75.971,0.638,8.7,12.35,3.02,1,0.911 7 | A1 SH,STUART,2810.5,73.955,0.667,6.9,12.25,3.086,1,0.889 8 | A1 SH,STUART,2811,77.962,0.674,6.5,12.45,3.092,1,0.867 9 | A1 SH,STUART,2811.5,83.894,0.667,6.3,12.65,3.123,1,0.844 10 | A1 SH,STUART,2812,84.424,0.653,6.7,13.05,3.121,1,0.822 11 | A1 SH,STUART,2812.5,83.16,0.642,7.3,12.95,3.127,1,0.8 12 | A1 SH,STUART,2813,79.063,0.651,7.3,12.05,3.147,1,0.778 13 | A1 SH,STUART,2813.5,69.002,0.677,6.2,10.8,3.096,1,0.756 14 | A1 SH,STUART,2814,63.983,0.69,4.4,9.7,3.103,1,0.733 15 | A1 SH,STUART,2814.5,61.797,0.675,3.5,9.15,3.101,1,0.711 16 | A1 SH,STUART,2815,61.372,0.646,2.8,9.3,3.065,1,0.689 17 | A1 SH,STUART,2815.5,63.535,0.621,2.8,9.8,2.982,1,0.667 18 | A1 SH,STUART,2816,65.126,0.6,3.3,10.55,2.914,1,0.644 19 | A1 SH,STUART,2816.5,75.93,0.576,3.4,11.9,2.845,1,0.6 20 | A1 SH,STUART,2817,85.077,0.584,4.4,12.9,2.854,1,0.578 21 | A1 SH,STUART,2817.5,89.459,0.598,6.6,13.5,2.986,1,0.556 22 | A1 SH,STUART,2818,88.619,0.61,7.2,14.8,2.988,1,0.533 23 | A1 SH,STUART,2818.5,81.593,0.636,6.4,13.9,2.998,1,0.511 24 | A1 SH,STUART,2819,66.595,0.702,2.8,11.4,2.988,1,0.489 25 | A1 SH,STUART,2819.5,55.081,0.789,2.7,8.15,3.028,1,0.467 26 | A1 SH,STUART,2820,48.112,0.84,1,7.5,3.073,1,0.444 27 | A1 SH,STUART,2820.5,43.73,0.846,0.4,7.1,3.146,1,0.422 28 | A1 SH,STUART,2821,44.097,0.84,0.7,6.65,3.205,1,0.4 29 | A1 SH,STUART,2821.5,46.839,0.842,0.8,6.6,3.254,1,0.378 30 | A1 SH,STUART,2822,50.348,0.843,1.1,6.75,3.23,1,0.356 31 | A1 SH,STUART,2822.5,57.129,0.822,2.2,7.3,3.237,1,0.333 32 | A1 SH,STUART,2823,64.465,0.777,4.4,8.4,3.259,1,0.311 33 | A1 SH,STUART,2823.5,70.267,0.729,7.1,9.85,3.289,1,0.289 34 | A1 SH,STUART,2824,76.566,0.664,10.7,11.55,3.381,1,0.244 35 | A1 SH,STUART,2824.5,76.778,0.643,10.7,12.25,3.452,1,0.222 36 | A1 SH,STUART,2825,73.971,0.632,9.7,12.55,3.396,1,0.2 37 | A1 SH,STUART,2825.5,74.314,0.622,8.8,13.1,3.144,1,0.178 38 | A1 SH,STUART,2826,77.031,0.583,4.8,16.2,3.034,1,0.156 39 | A1 SH,STUART,2826.5,74.469,0.517,4.8,19.2,2.931,1,0.133 40 | A1 SH,STUART,2827,73.327,0.489,6.3,20.35,2.88,1,0.111 41 | A1 SH,STUART,2827.5,74.575,0.526,4.9,19.25,2.795,1,0.089 42 | A1 SH,STUART,2828,70.536,0.558,6.5,17.05,3.009,1,0.067 43 | A1 SH,STUART,2828.5,62.939,0.528,7.6,18.8,3.073,1,0.044 44 | A1 SH,STUART,2829,57.137,0.511,10.9,19.15,3.313,1,0.022 45 | A1 LM,STUART,2829.5,47.345,0.584,7,16.3,3.527,2,1 46 | A1 LM,STUART,2830,35.733,0.73,6.4,10.2,3.928,2,0.987 47 | A1 LM,STUART,2830.5,29.327,0.873,2.7,7.85,4.33,2,0.974 48 | A1 LM,STUART,2831,28.242,0.963,1.4,6.3,4.413,2,0.961 49 | A1 LM,STUART,2831.5,34.558,1.018,1.8,5.6,4.511,2,0.947 50 | A1 LM,STUART,2832,43.754,1.054,1.8,5.2,4.412,2,0.934 51 | A1 LM,STUART,2832.5,53.612,1.067,1.5,5.05,4.226,2,0.921 52 | A1 LM,STUART,2833,60.719,1.039,1.9,4.85,3.931,2,0.908 53 | A1 LM,STUART,2833.5,66.538,0.94,2.7,5.45,3.703,2,0.895 54 | A1 LM,STUART,2834,75.522,0.801,4,7.3,3.501,2,0.882 55 | A1 LM,STUART,2834.5,95.979,0.692,6.5,9.55,3.346,2,0.868 56 | A1 LM,STUART,2835,130.26,0.644,8.3,11.15,3.242,2,0.855 57 | A1 LM,STUART,2835.5,160.167,0.643,9.3,12.15,3.294,2,0.842 58 | A1 LM,STUART,2836,176.528,0.673,9.1,12.05,3.298,2,0.829 59 | A1 LM,STUART,2836.5,175.622,0.72,8.9,12.15,3.349,2,0.816 60 | A1 LM,STUART,2837,153.965,0.756,7.6,11.9,3.31,2,0.803 61 | A1 LM,STUART,2837.5,120.076,0.766,7.2,12.2,3.365,2,0.789 62 | A1 LM,STUART,2838,91.434,0.787,7.1,12.15,3.392,2,0.776 63 | A1 LM,STUART,2838.5,69.312,0.874,4.6,10.4,3.293,2,0.763 64 | A1 LM,STUART,2839,54.828,1.029,0.8,8.2,3.395,2,0.75 65 | A1 LM,STUART,2839.5,50.854,1.149,0.3,6.85,3.5,2,0.737 66 | A1 LM,STUART,2840,54.632,1.09,1,7.4,3.576,2,0.724 67 | A1 LM,STUART,2840.5,56.835,0.924,4.1,8.45,3.555,2,0.711 68 | A1 LM,STUART,2841,60.393,0.788,7.1,10.05,3.591,2,0.697 69 | A1 LM,STUART,2841.5,58.94,0.733,8.1,11.15,3.576,2,0.684 70 | A1 LM,STUART,2842,49.719,0.754,6.1,10.75,3.669,2,0.671 71 | A1 LM,STUART,2842.5,41.404,0.819,3.5,9.55,3.872,2,0.658 72 | A1 LM,STUART,2843,36.084,0.882,1.6,8.2,4.125,2,0.645 73 | A1 LM,STUART,2843.5,29.344,0.897,0.1,7.25,4.23,2,0.632 74 | A1 LM,STUART,2844,24.072,0.841,-0.6,6.8,4.302,2,0.618 75 | A1 LM,STUART,2844.5,22.62,0.733,-2.5,7.65,4.348,2,0.605 76 | A1 LM,STUART,2845,22.408,0.597,-3.8,9.5,4.29,2,0.592 77 | A1 LM,STUART,2845.5,21.184,0.469,-2.7,11.05,4.255,2,0.579 78 | A1 LM,STUART,2846,21.796,0.375,-2.3,13.35,4.213,2,0.566 79 | A1 LM,STUART,2846.5,23.925,0.314,-1.8,15.1,4.363,2,0.553 80 | A1 LM,STUART,2847,24.464,0.278,-1.3,16.15,4.495,2,0.539 81 | A1 LM,STUART,2847.5,26.039,0.257,-1.9,16.55,4.602,2,0.526 82 | A1 LM,STUART,2848,27.491,0.247,-2.5,16.45,4.544,2,0.513 83 | A1 LM,STUART,2848.5,28.193,0.249,-2.4,16.3,4.587,2,0.5 84 | A1 LM,STUART,2849,28.634,0.265,-1.9,16.15,4.678,2,0.487 85 | A1 LM,STUART,2849.5,29.809,0.299,-1,15.2,4.866,2,0.474 86 | A1 LM,STUART,2850,31.172,0.349,-1.5,14.15,4.783,2,0.461 87 | A1 LM,STUART,2850.5,33.448,0.418,-1.1,12.65,4.688,2,0.447 88 | A1 LM,STUART,2851,33.514,0.503,-1.2,11.3,4.628,2,0.434 89 | A1 LM,STUART,2851.5,35.146,0.593,-0.5,10.05,4.387,2,0.421 90 | A1 LM,STUART,2852,35.953,0.671,-0.7,9.45,4.291,2,0.408 91 | A1 LM,STUART,2852.5,35.178,0.729,-0.6,9,4.178,2,0.395 92 | A1 LM,STUART,2853,36.109,0.773,0.1,8.35,4.203,2,0.382 93 | A1 LM,STUART,2853.5,38.769,0.82,1.3,7.55,4.262,2,0.368 94 | A1 LM,STUART,2854,39.511,0.873,1.3,7.05,4.387,2,0.355 95 | A1 LM,STUART,2854.5,40.523,0.927,2.6,6.5,4.006,2,0.342 96 | A1 LM,STUART,2855,42.694,0.964,2.8,6.8,3.718,2,0.329 97 | A1 LM,STUART,2855.5,45.297,0.959,3,7.3,3.594,2,0.316 98 | A1 LM,STUART,2856,48.145,0.915,3.8,8.2,3.46,2,0.303 99 | A1 LM,STUART,2856.5,51.041,0.862,5.9,8.75,3.333,2,0.289 100 | A1 LM,STUART,2857,56.125,0.825,7.4,9.3,3.336,2,0.276 101 | A1 LM,STUART,2857.5,62.205,0.807,6.4,9.9,3.362,2,0.263 102 | A1 LM,STUART,2858,64.865,0.794,4.7,10.25,3.244,2,0.25 103 | A1 LM,STUART,2858.5,68.186,0.771,4.1,10.25,3.174,2,0.237 104 | A1 LM,STUART,2859,72.421,0.743,4.1,10.55,3.174,2,0.224 105 | A1 LM,STUART,2859.5,74.322,0.73,4.5,10.65,3.187,2,0.211 106 | A1 LM,STUART,2860,72.543,0.748,4.1,10.35,3.359,2,0.197 107 | A1 LM,STUART,2860.5,65.672,0.814,3.5,9.05,3.618,2,0.184 108 | A1 LM,STUART,2861,57.153,0.951,1.7,6.75,3.902,2,0.171 109 | A1 LM,STUART,2861.5,46.056,1.148,0.1,4.55,4.221,2,0.158 110 | A1 LM,STUART,2862,37.961,1.324,0,3.3,4.561,2,0.145 111 | A1 LM,STUART,2862.5,33.579,1.402,-0.2,2.8,4.799,2,0.132 112 | A1 LM,STUART,2863,31.212,1.439,-0.4,2.7,4.874,2,0.118 113 | A1 LM,STUART,2863.5,30.176,1.486,-0.5,2.55,4.787,2,0.105 114 | A1 LM,STUART,2864,29.858,1.507,-0.7,2.75,4.622,2,0.092 115 | A1 LM,STUART,2864.5,29.923,1.433,-0.6,3.3,4.375,2,0.079 116 | A1 LM,STUART,2865,34.428,1.279,0,4,4.115,2,0.066 117 | A1 LM,STUART,2865.5,39.935,1.134,0.8,4.6,3.979,2,0.053 118 | A1 LM,STUART,2866,39.935,1.134,0.8,4.6,3.979,2,0.053 119 | A1 LM,STUART,2866.5,46.823,1.05,1.3,5.15,3.727,2,0.039 120 | A1 LM,STUART,2867,57.969,1.01,2,5.2,3.537,2,0.026 121 | A1 LM,STUART,2867.5,71.246,0.954,2.3,5.65,3.482,2,0.013 122 | B1 SH,STUART,2868,82.548,0.843,3.2,7.2,3.532,1,1 123 | B1 SH,STUART,2868.5,92.119,0.718,4.9,8.95,3.484,1,0.968 124 | B1 SH,STUART,2869,93.564,0.635,7,11.1,3.402,1,0.935 125 | B1 SH,STUART,2869.5,86.26,0.615,9,11.9,3.486,1,0.903 126 | B1 SH,STUART,2870,77.097,0.637,9.5,11.25,3.56,1,0.871 127 | B1 SH,STUART,2870.5,67.68,0.651,9.2,10.7,3.473,1,0.839 128 | B1 SH,STUART,2871,64.049,0.639,8.5,10.65,3.401,1,0.806 129 | B1 SH,STUART,2871.5,67.566,0.621,7.5,11.45,3.307,1,0.774 130 | B1 SH,STUART,2872,69.728,0.604,7.1,12.45,3.28,1,0.742 131 | B1 SH,STUART,2872.5,67.966,0.582,8.3,13.45,3.253,1,0.71 132 | B1 SH,STUART,2873,65.803,0.565,9.6,13.5,3.284,1,0.677 133 | B1 SH,STUART,2873.5,62.351,0.575,10.1,11.85,3.405,1,0.645 134 | B1 SH,STUART,2874,59.512,0.621,10.1,9.65,3.504,1,0.613 135 | B1 SH,STUART,2874.5,61.176,0.691,9.9,8.15,3.587,1,0.581 136 | B1 SH,STUART,2875,65.754,0.751,9.6,7.7,3.605,1,0.548 137 | B1 SH,STUART,2875.5,66.66,0.768,9,8.2,3.505,1,0.516 138 | B1 SH,STUART,2876,64.604,0.742,8,8.9,3.411,1,0.484 139 | B1 SH,STUART,2876.5,61.699,0.696,7,9.2,3.319,1,0.452 140 | B1 SH,STUART,2877,58.353,0.657,5.6,9.3,3.265,1,0.419 141 | B1 SH,STUART,2877.5,55.929,0.64,4.2,9.2,3.167,1,0.387 142 | B1 SH,STUART,2878,57.414,0.64,4,9.1,3.181,1,0.355 143 | B1 SH,STUART,2878.5,60.393,0.64,3.8,9.3,3.133,1,0.323 144 | B1 SH,STUART,2879,65.901,0.636,4.2,9.9,3.163,1,0.29 145 | B1 SH,STUART,2879.5,71.385,0.635,5.8,10.8,3.131,1,0.258 146 | B1 SH,STUART,2880,75.816,0.625,4.9,13.55,2.997,1,0.226 147 | B1 SH,STUART,2880.5,75.334,0.587,5.6,15.9,2.938,1,0.194 148 | B1 SH,STUART,2881,72.69,0.558,4.8,18.5,2.969,1,0.129 149 | B1 SH,STUART,2881.5,68.635,0.558,6.9,19.45,3.104,1,0.097 150 | B1 SH,STUART,2882,60.695,0.52,7.5,21.25,3.147,1,0.065 151 | B1 SH,STUART,2882.5,51.645,0.501,5.6,18.1,3.354,1,0.032 152 | B1 LM,STUART,2883,41.918,0.548,7,10.9,3.764,2,1 153 | B1 LM,STUART,2883.5,32.991,0.633,7.7,6.35,4.109,2,0.968 154 | B1 LM,STUART,2884,28.258,0.705,5,6.1,4.154,2,0.935 155 | B1 LM,STUART,2884.5,26.635,0.769,4.1,5.35,4.321,2,0.903 156 | B1 LM,STUART,2885,25.541,0.847,3.6,4.8,4.476,2,0.871 157 | B1 LM,STUART,2885.5,23.795,0.948,2.3,4.45,4.565,2,0.839 158 | B1 LM,STUART,2886,20.719,1.061,2.2,3.5,4.615,2,0.806 159 | B1 LM,STUART,2886.5,18.499,1.139,2.4,3.2,4.696,2,0.774 160 | B1 LM,STUART,2887,19.446,1.118,1.5,4.65,4.668,2,0.742 161 | B1 LM,STUART,2887.5,21.388,1.019,1,7.1,4.579,2,0.71 162 | B1 LM,STUART,2888,24.178,0.908,1.2,9.2,4.292,2,0.677 163 | B1 LM,STUART,2888.5,27.638,0.812,0,11.1,4.046,2,0.645 164 | B1 LM,STUART,2889,31.669,0.724,0.9,11.45,3.822,2,0.613 165 | B1 LM,STUART,2889.5,39.389,0.627,3.4,11.2,3.629,2,0.581 166 | B1 LM,STUART,2890,49.385,0.535,6.4,11.5,3.517,2,0.548 167 | B1 LM,STUART,2890.5,58.516,0.488,9,11.4,3.474,2,0.516 168 | B1 LM,STUART,2891,66.619,0.511,9.2,10.8,3.613,2,0.484 169 | B1 LM,STUART,2891.5,67.296,0.602,6.4,9.5,3.862,2,0.452 170 | B1 LM,STUART,2892,57.798,0.745,3.7,8.25,4.052,2,0.419 171 | B1 LM,STUART,2892.5,48.169,0.912,1.1,7.45,4.241,2,0.387 172 | B1 LM,STUART,2893,41.437,1.045,0.4,6.3,4.476,2,0.355 173 | B1 LM,STUART,2893.5,39.348,1.117,0.1,5.35,4.712,2,0.323 174 | B1 LM,STUART,2894,49.312,1.144,1,4.5,4.56,2,0.29 175 | B1 LM,STUART,2894.5,61.984,1.143,0.7,4.85,4.605,2,0.258 176 | B1 LM,STUART,2895,73.506,1.122,0.9,5.75,4.574,2,0.226 177 | B1 LM,STUART,2895.5,74.208,1.095,0.3,6.85,4.478,2,0.194 178 | B1 LM,STUART,2896,67.819,1.072,-0.7,7.55,4.444,2,0.161 179 | B1 LM,STUART,2896.5,61.625,1.057,-1.2,7.4,4.439,2,0.129 180 | B1 LM,STUART,2897,61.625,1.057,-1.2,7.4,4.439,2,0.129 181 | B1 LM,STUART,2897.5,55.481,1.041,-0.9,6.55,4.335,2,0.097 182 | B1 LM,STUART,2898,57.251,0.98,-0.1,5.75,3.907,2,0.065 183 | B1 LM,STUART,2898.5,67.28,0.84,-0.6,7.1,3.58,2,0.032 184 | B2 SH,STUART,2899,76.02,0.686,0.7,9.45,3.23,1,1 185 | B2 SH,STUART,2899.5,84.457,0.603,2.5,12.45,2.967,1,0.947 186 | B2 SH,STUART,2900,89.019,0.595,4.6,14.9,2.794,1,0.895 187 | B2 SH,STUART,2900.5,89.933,0.591,3.9,18.55,2.789,1,0.842 188 | B2 SH,STUART,2901,89.386,0.539,4.5,22.55,2.861,1,0.789 189 | B2 SH,STUART,2901.5,89.427,0.479,6.2,25.4,2.935,1,0.737 190 | B2 SH,STUART,2902,87.517,0.461,7.6,24.4,3.128,1,0.684 191 | B2 SH,STUART,2902.5,83.747,0.485,8.7,23.15,3.284,1,0.632 192 | B2 SH,STUART,2903,78.304,0.541,6.1,21.25,3.332,1,0.579 193 | B2 SH,STUART,2903.5,71.858,0.635,8.5,15.95,3.485,1,0.526 194 | B2 SH,STUART,2904,64.701,0.737,5,15.7,3.471,1,0.474 195 | B2 SH,STUART,2904.5,64.293,0.752,1.7,17.15,3.45,1,0.421 196 | B2 SH,STUART,2905,67.158,0.686,-0.3,19.95,3.276,1,0.368 197 | B2 SH,STUART,2905.5,72.478,0.631,0.2,20.4,3.171,1,0.316 198 | B2 SH,STUART,2906,78.068,0.614,5,18.1,3.252,1,0.211 199 | B2 SH,STUART,2906.5,73.008,0.592,2.4,20.1,3.175,1,0.158 200 | B2 SH,STUART,2907,64.644,0.543,1.7,22.35,3.302,1,0.105 201 | B2 SH,STUART,2907.5,49.801,0.538,0,20.8,3.551,1,0.053 202 | B2 LM,STUART,2908,35.937,0.628,-2.8,16.8,3.96,2,1 203 | B2 LM,STUART,2908.5,24.203,0.743,-0.3,12.35,4.454,2,0.963 204 | B2 LM,STUART,2909,15.986,0.777,-0.2,11.5,4.657,2,0.926 205 | B2 LM,STUART,2909.5,12.036,0.773,-0.5,10.55,4.594,2,0.889 206 | B2 LM,STUART,2910,12.746,0.787,-1.2,9.2,4.437,2,0.852 207 | B2 LM,STUART,2910.5,14.843,0.809,-1.6,7.7,4.351,2,0.815 208 | B2 LM,STUART,2911,17.087,0.806,-1,6.8,4.242,2,0.778 209 | B2 LM,STUART,2911.5,17.977,0.765,0.3,6.45,4.105,2,0.741 210 | B2 LM,STUART,2912,18.834,0.701,-0.1,7.15,4.279,2,0.704 211 | B2 LM,STUART,2912.5,19.258,0.644,0.4,7.4,4.669,2,0.667 212 | B2 LM,STUART,2913,19.062,0.61,0.6,7.8,5.19,2,0.63 213 | B2 LM,STUART,2913.5,18.638,0.6,1.8,7.6,5.527,2,0.593 214 | B2 LM,STUART,2914,19.462,0.598,3.4,6.8,6.321,2,0.556 215 | B2 LM,STUART,2914.5,19.552,0.581,3.1,6.95,6.16,2,0.519 216 | B2 LM,STUART,2915,20.653,0.529,0.9,8.65,5.865,2,0.481 217 | B2 LM,STUART,2915.5,23.371,0.45,-1,11.3,5.315,2,0.444 218 | B2 LM,STUART,2916,25.468,0.391,-1.3,13.75,4.918,2,0.407 219 | B2 LM,STUART,2916.5,26.292,0.377,-2.3,14.85,4.521,2,0.37 220 | B2 LM,STUART,2917,27.736,0.411,-3.6,14.1,4.443,2,0.333 221 | B2 LM,STUART,2917.5,29.784,0.482,-3.1,11.85,4.347,2,0.296 222 | B2 LM,STUART,2918,31.041,0.578,-2.2,9.4,4.416,2,0.259 223 | B2 LM,STUART,2918.5,30.837,0.683,-0.4,7.4,4.394,2,0.222 224 | B2 LM,STUART,2919,32.64,0.807,1,5.6,4.343,2,0.185 225 | B2 LM,STUART,2919.5,33.571,0.942,1.6,4.5,4.086,2,0.148 226 | B2 LM,STUART,2920,39.56,1.003,1.9,4.55,3.811,2,0.111 227 | B2 LM,STUART,2920.5,47.475,0.931,1.5,6.15,3.625,2,0.074 228 | B2 LM,STUART,2921,56.443,0.821,2.3,8.05,3.393,2,0.037 229 | B3 SH,STUART,2921.5,64.799,0.751,3.4,9.6,3.12,1,1 230 | B3 SH,STUART,2922,69.72,0.711,3,12.4,3.03,1,0.95 231 | B3 SH,STUART,2922.5,72.511,0.637,3.5,16.35,2.984,1,0.9 232 | B3 SH,STUART,2923,74.698,0.525,5.4,20.8,2.915,1,0.85 233 | B3 SH,STUART,2923.5,74.698,0.525,5.4,20.8,2.915,1,0.85 234 | B3 SH,STUART,2924,73.425,0.458,5.2,21.6,2.92,1,0.8 235 | B3 SH,STUART,2924.5,71.328,0.486,3.1,17.35,2.995,1,0.75 236 | B3 SH,STUART,2925,68.937,0.587,4.1,13.25,3.122,1,0.7 237 | B3 SH,STUART,2925.5,66.562,0.671,1.3,13.25,3.243,1,0.65 238 | B3 SH,STUART,2926,64.636,0.663,3.2,13.3,3.324,1,0.6 239 | B3 SH,STUART,2926.5,66.619,0.625,4,13.6,3.33,1,0.55 240 | B3 SH,STUART,2927,66.619,0.625,4,13.6,3.33,1,0.55 241 | B3 SH,STUART,2927.5,65.624,0.635,3.2,12.4,3.309,1,0.5 242 | B3 SH,STUART,2928,65.322,0.68,3.3,9.65,3.315,1,0.45 243 | B3 SH,STUART,2928.5,67.035,0.707,2.4,8.6,3.232,1,0.4 244 | B3 SH,STUART,2929,68.194,0.693,3,8.8,3.157,1,0.35 245 | B3 SH,STUART,2929.5,69.149,0.646,3,10.4,3.034,1,0.3 246 | B3 SH,STUART,2930,72.201,0.588,3.2,13.2,3.052,1,0.25 247 | B3 SH,STUART,2930.5,73.776,0.542,4.4,16,3.132,1,0.2 248 | B3 SH,STUART,2931,72.609,0.525,5.5,17.55,3.31,1,0.15 249 | B3 SH,STUART,2931.5,66.864,0.55,5.3,16.55,3.625,1,0.1 250 | B3 SH,STUART,2932,53.702,0.62,5.7,13.75,4.003,1,0.05 251 | B3 LM,STUART,2932.5,40.474,0.713,4.7,11.15,4.278,2,1 252 | B3 LM,STUART,2933,28.12,0.774,2.2,10.5,4.537,2,0.9 253 | B3 LM,STUART,2933.5,20.213,0.769,-1.1,10.95,4.682,2,0.8 254 | B3 LM,STUART,2934,19.193,0.732,-1,11.1,4.546,2,0.7 255 | B3 LM,STUART,2934.5,20.449,0.699,-0.7,10.65,4.386,2,0.6 256 | B3 LM,STUART,2935,21.355,0.679,-0.1,9.95,4.28,2,0.5 257 | B3 LM,STUART,2935.5,21.641,0.668,1.3,8.95,4.221,2,0.4 258 | B3 LM,STUART,2936,24.203,0.653,2.6,8.3,4.099,2,0.3 259 | B3 LM,STUART,2936.5,34.574,0.613,2.4,9,3.66,2,0.2 260 | B3 LM,STUART,2937,45.231,0.548,2.3,10.45,3.496,2,0.1 261 | B4 SH,STUART,2937.5,56.427,0.498,2.9,11.35,3.338,1,1 262 | B4 SH,STUART,2938,67.06,0.504,1.7,11.65,3.135,1,0.944 263 | B4 SH,STUART,2938.5,70.838,0.558,2,10.8,3.012,1,0.889 264 | B4 SH,STUART,2939,69.932,0.612,3.3,10.05,3.066,1,0.833 265 | B4 SH,STUART,2939.5,74.526,0.633,4.1,10.25,3.109,1,0.778 266 | B4 SH,STUART,2940,77.611,0.626,5,11,3.063,1,0.722 267 | B4 SH,STUART,2940.5,78.59,0.605,5.9,11.55,3.092,1,0.667 268 | B4 SH,STUART,2941,76.729,0.591,5.7,11.95,3.051,1,0.611 269 | B4 SH,STUART,2941.5,74.11,0.608,3.7,10.95,3.07,1,0.556 270 | B4 SH,STUART,2942,66.407,0.653,2.2,9.6,2.997,1,0.5 271 | B4 SH,STUART,2942.5,64.081,0.693,1.4,8.6,3.093,1,0.444 272 | B4 SH,STUART,2943,65.885,0.705,0.9,8.55,3.106,1,0.389 273 | B4 SH,STUART,2943.5,70.299,0.696,1.4,9,3.085,1,0.333 274 | B4 SH,STUART,2944,70.299,0.696,1.4,9,3.085,1,0.333 275 | B4 SH,STUART,2944.5,74.551,0.677,3.1,9.65,3.066,1,0.278 276 | B4 SH,STUART,2945,79.659,0.643,3.4,12.5,2.902,1,0.222 277 | B4 SH,STUART,2945.5,80.402,0.573,-2.8,19.3,2.982,1,0.167 278 | B4 SH,STUART,2946,74.649,0.483,-0.5,23.95,3.14,1,0.111 279 | B4 SH,STUART,2946.5,63.429,0.461,0.2,24.2,3.394,1,0.056 280 | B4 LM,STUART,2947,47.916,0.598,-7.6,18.9,3.762,2,1 281 | B4 LM,STUART,2947.5,32.469,0.912,-1.4,9.8,4.314,2,0.929 282 | B4 LM,STUART,2948,20.718,1.222,-2.9,7.85,4.863,2,0.857 283 | B4 LM,STUART,2948.5,15.015,1.233,-1.6,6.4,4.813,2,0.786 284 | B4 LM,STUART,2949,14.084,1.084,-1.1,6.55,4.644,2,0.714 285 | B4 LM,STUART,2949.5,15.937,0.962,-0.4,7.4,4.634,2,0.643 286 | B4 LM,STUART,2950,19.348,0.901,-1,7.9,4.545,2,0.571 287 | B4 LM,STUART,2950.5,21.469,0.906,-1.1,6.75,4.576,2,0.5 288 | B4 LM,STUART,2951,22.587,0.969,-1.4,5.5,4.527,2,0.429 289 | B4 LM,STUART,2951.5,25.721,1.079,-0.9,4.45,4.512,2,0.357 290 | B4 LM,STUART,2952,29.45,1.2,0,4,4.437,2,0.286 291 | B4 LM,STUART,2952.5,36.313,1.169,-3.3,6.95,3.97,2,0.214 292 | B4 LM,STUART,2953,49.491,0.909,-8.9,13.85,3.695,2,0.143 293 | B5 SH,STUART,2953.5,69.222,0.469,-6,27.9,3.351,1,1 294 | B5 SH,STUART,2954,70.968,0.444,-2.5,28.85,3.49,1,0.75 295 | B5 SH,STUART,2954.5,65.379,0.501,-0.3,22.75,3.9,1,0.5 296 | B5 SH,STUART,2955,54.093,0.56,-0.5,16.75,4.126,1,0.25 297 | B5 LM,STUART,2955.5,41.633,0.541,3.9,11.55,4.482,2,1 298 | B5 LM,STUART,2956,33.644,0.439,3.8,11.7,4.707,2,0.976 299 | B5 LM,STUART,2956.5,28.977,0.321,1.3,14.45,4.447,2,0.951 300 | B5 LM,STUART,2957,24.611,0.232,-1.1,17.25,4.481,2,0.927 301 | B5 LM,STUART,2957.5,24.154,0.184,-2.9,19.65,4.327,2,0.902 302 | B5 LM,STUART,2958,25.639,0.173,-2.4,20.5,4.302,2,0.878 303 | B5 LM,STUART,2958.5,25.957,0.191,-2.4,19.9,4.294,2,0.854 304 | B5 LM,STUART,2959,38.965,0.266,-2.1,17.05,4.228,2,0.805 305 | B5 LM,STUART,2959.5,45.354,0.301,0.2,14.8,4.127,2,0.78 306 | B5 LM,STUART,2960,53.645,0.327,2.6,12.6,3.908,2,0.756 307 | B5 LM,STUART,2960.5,60.164,0.338,3.8,12.2,3.74,2,0.732 308 | B5 LM,STUART,2961,64.032,0.334,5.5,13.15,3.538,2,0.707 309 | B5 LM,STUART,2961.5,66.774,0.323,7.9,14.75,3.558,2,0.683 310 | B5 LM,STUART,2962,68.423,0.313,8.1,15.75,3.476,2,0.659 311 | B5 LM,STUART,2962.5,63.502,0.318,6.1,14.75,3.682,2,0.634 312 | B5 LM,STUART,2963,57.904,0.349,2.8,12.9,3.937,2,0.61 313 | B5 LM,STUART,2963.5,52.935,0.415,2.3,10.25,4.133,2,0.585 314 | B5 LM,STUART,2964,45.125,0.507,2.3,8.45,4.248,2,0.561 315 | B5 LM,STUART,2964.5,39.927,0.605,3.5,6.75,4.468,2,0.537 316 | B5 LM,STUART,2965,36.215,0.703,2.4,6,4.575,2,0.512 317 | B5 LM,STUART,2965.5,31.253,0.787,2.3,4.45,4.557,2,0.488 318 | B5 LM,STUART,2966,28.446,0.832,2.2,3.4,4.573,2,0.463 319 | B5 LM,STUART,2966.5,27.296,0.821,1.2,4.4,4.79,2,0.439 320 | B5 LM,STUART,2967,28.944,0.755,-0.4,7.3,4.887,2,0.415 321 | B5 LM,STUART,2967.5,31.596,0.659,-1.6,11,4.824,2,0.39 322 | B5 LM,STUART,2968,33.212,0.574,-3.1,14.45,4.765,2,0.366 323 | B5 LM,STUART,2968.5,34.689,0.517,-3,16.4,4.766,2,0.341 324 | B5 LM,STUART,2969,39.266,0.493,-1.9,16.15,4.705,2,0.317 325 | B5 LM,STUART,2969.5,50.103,0.499,-2,14.6,4.453,2,0.293 326 | B5 LM,STUART,2970,65.167,0.525,-1.6,13.1,4.366,2,0.268 327 | B5 LM,STUART,2970.5,76.436,0.557,-0.6,11.7,4.289,2,0.244 328 | B5 LM,STUART,2971,92.886,0.628,-0.2,9.4,4.272,2,0.195 329 | B5 LM,STUART,2971.5,99.643,0.683,-0.3,7.95,4.395,2,0.171 330 | B5 LM,STUART,2972,101.585,0.757,0,6.5,4.51,2,0.146 331 | B5 LM,STUART,2972.5,95.775,0.85,1.6,4.9,4.53,2,0.122 332 | B5 LM,STUART,2973,87.036,0.951,2.1,3.95,4.456,2,0.098 333 | B5 LM,STUART,2973.5,72.331,1.019,2.6,3.6,4.056,2,0.073 334 | B5 LM,STUART,2974,58.859,0.991,3.4,3.9,3.712,2,0.049 335 | B5 LM,STUART,2974.5,60.932,0.857,1.3,7.35,3.371,2,0.024 336 | C SH,STUART,2975,67.655,0.675,-0.8,14.4,3.131,1,1 337 | C SH,STUART,2975.5,77.219,0.528,6.8,20.9,3.008,1,0.977 338 | C SH,STUART,2976,82.115,0.459,10.6,24.2,2.988,1,0.953 339 | C SH,STUART,2976.5,84.865,0.446,9.4,23.7,3.134,1,0.93 340 | C SH,STUART,2977,84.384,0.449,13.3,21.45,3.409,1,0.907 341 | C SH,STUART,2977.5,81.772,0.443,14.8,20.9,3.483,1,0.884 342 | C SH,STUART,2978,78.998,0.444,16.5,20.65,3.438,1,0.837 343 | C SH,STUART,2978.5,79.896,0.457,14.9,20.15,3.423,1,0.814 344 | C SH,STUART,2979,79.194,0.462,14.8,19.9,3.45,1,0.791 345 | C SH,STUART,2979.5,78.99,0.451,13.5,19.65,3.393,1,0.767 346 | C SH,STUART,2980,79.21,0.441,15.1,18.95,3.475,1,0.744 347 | C SH,STUART,2980.5,78.1,0.451,15.6,17.5,3.478,1,0.721 348 | C SH,STUART,2981,78.59,0.489,14.3,16.75,3.505,1,0.698 349 | C SH,STUART,2981.5,79.439,0.544,12.7,15.25,3.478,1,0.674 350 | C SH,STUART,2982,81.299,0.576,11.5,14.65,3.453,1,0.651 351 | C SH,STUART,2982.5,78.933,0.494,11.9,14.85,3.479,1,0.605 352 | C SH,STUART,2983,79.471,0.441,13.4,16.3,3.494,1,0.581 353 | C SH,STUART,2983.5,81.895,0.431,14.2,16.8,3.441,1,0.558 354 | C SH,STUART,2984,82.768,0.468,14.3,16.05,3.493,1,0.535 355 | C SH,STUART,2984.5,79.022,0.537,12.9,15.05,3.5,1,0.512 356 | C SH,STUART,2985,76.746,0.601,11.4,13.8,3.441,1,0.488 357 | C SH,STUART,2985.5,73.066,0.638,11.1,13.25,3.426,1,0.465 358 | C SH,STUART,2986,70.356,0.651,11,13.1,3.447,1,0.442 359 | C SH,STUART,2986.5,74.608,0.621,10.5,14.85,3.399,1,0.395 360 | C SH,STUART,2987,73.008,0.585,11.1,15.15,3.393,1,0.372 361 | C SH,STUART,2987.5,70.438,0.546,12.1,15.15,3.439,1,0.349 362 | C SH,STUART,2988,68.08,0.5,13.5,14.65,3.478,1,0.326 363 | C SH,STUART,2988.5,66.75,0.46,13.6,15.2,3.461,1,0.302 364 | C SH,STUART,2989,69.451,0.455,13.4,14.8,3.494,1,0.279 365 | C SH,STUART,2989.5,75.946,0.494,14.2,14,3.541,1,0.256 366 | C SH,STUART,2990,80.344,0.556,11.8,13.6,3.522,1,0.233 367 | C SH,STUART,2990.5,83.772,0.616,10.4,12.9,3.476,1,0.186 368 | C SH,STUART,2991,84.767,0.618,10.7,12.55,3.39,1,0.163 369 | C SH,STUART,2991.5,84.09,0.616,9.4,13.4,3.289,1,0.14 370 | C SH,STUART,2992,86.628,0.601,8.8,14.4,3.19,1,0.116 371 | C SH,STUART,2992.5,90.43,0.556,2,21.4,3.045,1,0.093 372 | C SH,STUART,2993,87.077,0.498,2,26.4,3.088,1,0.07 373 | C SH,STUART,2993.5,76.623,0.479,5.3,28.45,3.224,1,0.047 374 | C SH,STUART,2994,62.768,0.546,3.2,26.3,3.334,1,0.023 375 | C LM,STUART,2994.5,43.738,0.703,1.8,19.3,3.876,2,1 376 | C LM,STUART,2995,27.859,0.855,6.9,11.75,4.508,2,0.993 377 | C LM,STUART,2995.5,18.034,0.879,5.3,9.55,4.815,2,0.985 378 | C LM,STUART,2996,13.203,0.83,3,9.1,4.863,2,0.978 379 | C LM,STUART,2996.5,12.762,0.767,2,8.9,5.024,2,0.97 380 | C LM,STUART,2997,14.843,0.702,1.8,9.2,4.616,2,0.963 381 | C LM,STUART,2997.5,19.087,0.644,0.4,10.4,4.172,2,0.955 382 | C LM,STUART,2998,19.087,0.644,0.4,10.4,4.172,2,0.955 383 | C LM,STUART,2998.5,25.207,0.601,-0.2,10.7,3.97,2,0.948 384 | C LM,STUART,2999,27.997,0.587,1.1,10.25,3.933,2,0.94 385 | C LM,STUART,2999.5,28.822,0.602,2.2,10,3.875,2,0.933 386 | C LM,STUART,3000,28.618,0.622,1.9,10.35,3.969,2,0.925 387 | C LM,STUART,3000.5,24.815,0.612,0.7,11.15,4.118,2,0.918 388 | C LM,STUART,3001,23.371,0.575,0.2,11.8,4.243,2,0.91 389 | C LM,STUART,3001.5,23.052,0.542,0.1,12.35,4.196,2,0.903 390 | C LM,STUART,3002,23.109,0.522,-0.1,12.15,4.192,2,0.896 391 | C LM,STUART,3002.5,24.138,0.511,-0.3,12.05,3.978,2,0.888 392 | C LM,STUART,3003,24.448,0.511,-0.1,11.75,3.975,2,0.881 393 | C LM,STUART,3003.5,25.419,0.523,0,11.6,3.962,2,0.873 394 | C LM,STUART,3004,26.724,0.56,-0.7,11.35,3.99,2,0.866 395 | C LM,STUART,3004.5,29.213,0.623,-0.8,10.7,3.885,2,0.858 396 | C LM,STUART,3005,34.036,0.686,0.4,9.4,3.816,2,0.851 397 | C LM,STUART,3005.5,38.157,0.716,1.7,7.75,3.66,2,0.843 398 | C LM,STUART,3006,40.45,0.701,1.8,6.8,3.544,2,0.836 399 | C LM,STUART,3006.5,41.576,0.662,3.5,6.45,3.392,2,0.828 400 | C LM,STUART,3007,40.123,0.633,3.7,7.35,3.24,2,0.821 401 | C LM,STUART,3007.5,36.663,0.632,3.4,8.1,3.212,2,0.813 402 | C LM,STUART,3008,32.706,0.65,3.8,8.3,3.253,2,0.806 403 | C LM,STUART,3008.5,30.323,0.672,3.4,8.7,3.289,2,0.799 404 | C LM,STUART,3009,28.601,0.694,3,9.4,3.314,2,0.791 405 | C LM,STUART,3009.5,28.169,0.721,2.4,9.7,3.262,2,0.784 406 | C LM,STUART,3010,29.442,0.756,1.4,9.8,3.31,2,0.776 407 | C LM,STUART,3010.5,30.878,0.795,0.7,9.55,3.359,2,0.769 408 | C LM,STUART,3011,32.151,0.832,0.1,9.35,3.409,2,0.761 409 | C LM,STUART,3011.5,33.677,0.856,0.4,9.1,3.417,2,0.754 410 | C LM,STUART,3012,33.701,0.872,1.1,8.95,3.444,2,0.746 411 | C LM,STUART,3012.5,35.105,0.889,1.5,8.75,3.466,2,0.739 412 | C LM,STUART,3013,37.104,0.914,1.6,8.6,3.49,2,0.731 413 | C LM,STUART,3013.5,37.349,0.939,2.1,7.95,3.418,2,0.724 414 | C LM,STUART,3014,37.936,0.952,2.4,7.7,3.504,2,0.716 415 | C LM,STUART,3014.5,39.087,0.953,2.1,7.75,3.511,2,0.709 416 | C LM,STUART,3015,38.059,0.951,1.7,7.55,3.55,2,0.701 417 | C LM,STUART,3015.5,37.202,0.952,2.2,7.3,3.603,2,0.694 418 | C LM,STUART,3016,37.218,0.951,1.8,7.5,3.675,2,0.687 419 | C LM,STUART,3016.5,37.781,0.949,1.4,7.6,3.741,2,0.679 420 | C LM,STUART,3017,40.164,0.948,1.5,7.35,3.735,2,0.672 421 | C LM,STUART,3017.5,40.956,0.95,1.6,7.3,3.747,2,0.664 422 | C LM,STUART,3018,41.013,0.952,1.5,7.25,3.64,2,0.657 423 | C LM,STUART,3018.5,42.547,0.95,1.9,7.15,3.683,2,0.649 424 | C LM,STUART,3019,41.192,0.945,2,7,3.644,2,0.642 425 | C LM,STUART,3019.5,42.726,0.941,2.3,7.15,3.704,2,0.634 426 | C LM,STUART,3020,44.407,0.942,3.4,7,3.695,2,0.627 427 | C LM,STUART,3020.5,45.387,0.946,3.8,6.8,3.788,2,0.619 428 | C LM,STUART,3021,45.052,0.945,2.6,7.5,3.917,2,0.612 429 | C LM,STUART,3021.5,46.129,0.935,2.4,7.4,3.948,2,0.604 430 | C LM,STUART,3022,47.826,0.925,2.5,7.05,4.016,2,0.597 431 | C LM,STUART,3022.5,50.054,0.925,2.3,6.75,3.935,2,0.59 432 | C LM,STUART,3023,55.562,0.933,1.8,6.9,3.974,2,0.582 433 | C LM,STUART,3023.5,63.029,0.947,2,6.8,3.859,2,0.575 434 | C LM,STUART,3024,75.399,0.966,1.9,6.45,3.681,2,0.567 435 | C LM,STUART,3024.5,102.116,0.987,0.2,6.9,3.561,2,0.56 436 | C LM,STUART,3025,140.778,0.993,-0.4,7,3.513,2,0.552 437 | C LM,STUART,3025.5,183.358,0.981,-0.3,7.35,3.437,2,0.545 438 | C LM,STUART,3026,213.999,0.977,0.2,7.8,3.412,2,0.537 439 | C LM,STUART,3026.5,220.413,1.004,0,8,3.528,2,0.53 440 | C LM,STUART,3027,200.306,1.027,0,8,3.671,2,0.522 441 | C LM,STUART,3027.5,162.149,0.999,-0.2,8.5,3.746,2,0.515 442 | C LM,STUART,3028,121.202,0.95,0.2,9.2,3.892,2,0.507 443 | C LM,STUART,3028.5,92.805,0.916,1.3,9.95,3.924,2,0.5 444 | C LM,STUART,3029,77.758,0.894,1.9,10.65,3.953,2,0.493 445 | C LM,STUART,3029.5,67.623,0.879,2.9,10.85,3.889,2,0.485 446 | C LM,STUART,3030,62.376,0.873,2.5,11.45,3.799,2,0.478 447 | C LM,STUART,3030.5,59.463,0.873,2.1,11.25,3.773,2,0.47 448 | C LM,STUART,3031,55.211,0.872,2.7,10.45,3.784,2,0.463 449 | C LM,STUART,3031.5,51.727,0.866,2.3,10.35,3.787,2,0.455 450 | C LM,STUART,3032,52.38,0.858,2.1,10.75,3.776,2,0.448 451 | C LM,STUART,3032.5,53.122,0.851,2.5,11.05,3.724,2,0.44 452 | C LM,STUART,3033,51.245,0.844,2.7,11.25,3.697,2,0.433 453 | C LM,STUART,3033.5,52.208,0.836,1.5,11.75,3.653,2,0.425 454 | C LM,STUART,3034,54.95,0.826,1.3,12.05,3.647,2,0.418 455 | C LM,STUART,3034.5,54.436,0.817,2,12,3.65,2,0.41 456 | C LM,STUART,3035,54.811,0.81,1.8,12.1,3.678,2,0.403 457 | C LM,STUART,3035.5,55.603,0.801,1.6,12.2,3.644,2,0.396 458 | C LM,STUART,3036,54.289,0.785,1.3,12.75,3.656,2,0.388 459 | C LM,STUART,3036.5,52.38,0.768,2,13,3.598,2,0.381 460 | C LM,STUART,3037,53.645,0.758,2,13.7,3.582,2,0.373 461 | C LM,STUART,3037.5,53.93,0.757,2.1,13.75,3.581,2,0.366 462 | C LM,STUART,3038,56.072,0.755,2.9,13.75,3.645,2,0.358 463 | C LM,STUART,3038.5,59.017,0.75,4,13.7,3.694,2,0.351 464 | C LM,STUART,3039,62.144,0.742,4.4,14.1,3.65,2,0.343 465 | C LM,STUART,3039.5,64.814,0.73,4.8,14.2,3.66,2,0.336 466 | C LM,STUART,3040,66.705,0.714,5.6,14.6,3.689,2,0.328 467 | C LM,STUART,3040.5,67.568,0.695,6.5,15.45,3.674,2,0.321 468 | C LM,STUART,3041,67.683,0.676,6.7,15.65,3.603,2,0.313 469 | C LM,STUART,3041.5,67.683,0.662,6,15.4,3.562,2,0.306 470 | C LM,STUART,3042,67.683,0.666,5.7,15.25,3.57,2,0.299 471 | C LM,STUART,3042.5,67.683,0.701,6,15.2,3.603,2,0.291 472 | C LM,STUART,3043,67.683,0.778,5.1,15.65,3.537,2,0.284 473 | C LM,STUART,3043.5,67.683,0.882,4.9,15.75,3.547,2,0.276 474 | C LM,STUART,3044,67.683,0.973,4.4,15.8,3.533,2,0.269 475 | C LM,STUART,3044.5,67.683,1.017,3.5,16.25,3.495,2,0.261 476 | A1 LM,CRAWFORD,2972.5,49.675,0.845,3.905,11.175,3.265,2,1 477 | A1 LM,CRAWFORD,2973,34.435,0.879,3.085,8.175,3.831,2,0.991 478 | A1 LM,CRAWFORD,2973.5,26.178,0.92,2.615,4.945,4.306,2,0.981 479 | A1 LM,CRAWFORD,2974,19.463,0.967,0.82,3.82,4.578,2,0.972 480 | A1 LM,CRAWFORD,2974.5,19.26,0.995,0.32,3.63,4.643,2,0.962 481 | A1 LM,CRAWFORD,2975,19.985,1.008,0.06,4.32,4.614,2,0.953 482 | A1 LM,CRAWFORD,2975.5,22.298,1.002,-0.01,5.5,4.491,2,0.943 483 | A1 LM,CRAWFORD,2976,24.611,0.956,0.05,6.87,4.369,2,0.934 484 | A1 LM,CRAWFORD,2976.5,24.677,0.824,0.31,6.94,4.047,2,0.915 485 | A1 LM,CRAWFORD,2977,24.946,0.667,0.965,5.915,3.893,2,0.906 486 | A1 LM,CRAWFORD,2977.5,29.31,0.559,2.11,6.15,3.52,2,0.896 487 | A1 LM,CRAWFORD,2978,37.322,0.522,3.375,8.445,3.125,2,0.887 488 | A1 LM,CRAWFORD,2978.5,42.142,0.51,3.985,10.785,2.843,2,0.877 489 | A1 LM,CRAWFORD,2979,52.434,0.492,4.42,13.15,2.674,2,0.868 490 | A1 LM,CRAWFORD,2979.5,63.181,0.473,5.18,14.13,2.644,2,0.858 491 | A1 LM,CRAWFORD,2980,69.405,0.465,5.52,14.56,2.663,2,0.849 492 | A1 LM,CRAWFORD,2980.5,77.785,0.475,5.82,14.94,2.68,2,0.84 493 | A1 LM,CRAWFORD,2981,83.577,0.469,5.965,15.395,2.666,2,0.83 494 | A1 LM,CRAWFORD,2981.5,84.058,0.513,6.025,15.855,2.622,2,0.821 495 | A1 LM,CRAWFORD,2982,81.82,0.544,5.95,16.05,2.609,2,0.811 496 | A1 LM,CRAWFORD,2982.5,80.257,0.563,5.74,16.1,2.626,2,0.802 497 | A1 LM,CRAWFORD,2983,79.833,0.579,5.135,15.715,2.662,2,0.792 498 | A1 LM,CRAWFORD,2983.5,80.323,0.583,4.565,15.275,2.693,2,0.783 499 | A1 LM,CRAWFORD,2984,84.704,0.59,4.365,15.165,2.711,2,0.774 500 | A1 LM,CRAWFORD,2984.5,96.674,0.596,4.725,15.565,2.744,2,0.764 501 | A1 LM,CRAWFORD,2985,112.662,0.609,4.88,15.71,2.824,2,0.755 502 | A1 LM,CRAWFORD,2985.5,131.484,0.634,5.11,15.6,2.935,2,0.745 503 | A1 LM,CRAWFORD,2986,138.169,0.659,5.33,15.1,3,2,0.736 504 | A1 LM,CRAWFORD,2986.5,135.045,0.682,5.1,14.46,3.048,2,0.726 505 | A1 LM,CRAWFORD,2987,117.726,0.707,4.415,13.315,3.097,2,0.717 506 | A1 LM,CRAWFORD,2987.5,98.382,0.729,3.395,11.695,3.193,2,0.708 507 | A1 LM,CRAWFORD,2988,91.348,0.771,3.235,10.985,3.308,2,0.698 508 | A1 LM,CRAWFORD,2988.5,87.05,0.831,3.21,10.64,3.493,2,0.689 509 | A1 LM,CRAWFORD,2989,82.98,0.928,2.835,10.115,3.526,2,0.679 510 | A1 LM,CRAWFORD,2989.5,67.264,1.019,0.475,8.435,3.217,2,0.67 511 | A1 LM,CRAWFORD,2990,57.069,1.047,-2.385,7.115,3.157,2,0.66 512 | A1 LM,CRAWFORD,2990.5,46.874,1.066,-3.97,6.6,3.159,2,0.651 513 | A1 LM,CRAWFORD,2991,39.325,1.06,-3.69,7.15,3.224,2,0.642 514 | A1 LM,CRAWFORD,2991.5,43.946,1.042,-2.73,7.29,3.272,2,0.632 515 | A1 LM,CRAWFORD,2992,51.73,1.005,-0.9,7.98,3.29,2,0.623 516 | A1 LM,CRAWFORD,2992.5,58.374,0.956,1.46,9.41,3.277,2,0.613 517 | A1 LM,CRAWFORD,2993,67.754,0.904,3.985,11.545,3.296,2,0.604 518 | A1 LM,CRAWFORD,2993.5,71.206,0.874,5.045,12.915,3.328,2,0.594 519 | A1 LM,CRAWFORD,2994,69.188,0.852,4.86,12.85,3.33,2,0.585 520 | A1 LM,CRAWFORD,2994.5,58.452,0.841,3.455,11.265,3.332,2,0.575 521 | A1 LM,CRAWFORD,2995,38.715,0.816,2.185,9.855,3.365,2,0.566 522 | A1 LM,CRAWFORD,2995.5,30.541,0.801,0.96,8.76,3.476,2,0.557 523 | A1 LM,CRAWFORD,2996,21.684,0.792,-0.04,8.28,3.774,2,0.547 524 | A1 LM,CRAWFORD,2996.5,21.252,0.793,-0.505,9.225,4.041,2,0.538 525 | A1 LM,CRAWFORD,2997,23.117,0.793,-0.555,9.895,4.292,2,0.528 526 | A1 LM,CRAWFORD,2997.5,28.85,0.791,-0.46,9.89,4.371,2,0.519 527 | A1 LM,CRAWFORD,2998,36.226,0.788,-0.085,9.175,4.112,2,0.509 528 | A1 LM,CRAWFORD,2998.5,42.83,0.801,0.41,8.49,3.91,2,0.5 529 | A1 LM,CRAWFORD,2999,46.846,0.82,1.255,8.275,3.793,2,0.491 530 | A1 LM,CRAWFORD,2999.5,48.133,0.845,1.77,8.29,3.486,2,0.481 531 | A1 LM,CRAWFORD,3000,43.162,0.874,1.35,8.64,3.263,2,0.472 532 | A1 LM,CRAWFORD,3000.5,36.586,0.92,1.01,8.74,3.187,2,0.462 533 | A1 LM,CRAWFORD,3001,32.746,0.955,0.625,8.535,3.173,2,0.453 534 | A1 LM,CRAWFORD,3001.5,30.957,0.974,0.565,8.555,3.315,2,0.443 535 | A1 LM,CRAWFORD,3002,30.765,0.981,0.545,8.575,3.441,2,0.434 536 | A1 LM,CRAWFORD,3002.5,31.265,0.987,0.625,8.425,3.618,2,0.425 537 | A1 LM,CRAWFORD,3003,33.124,0.994,0.755,8.045,3.943,2,0.415 538 | A1 LM,CRAWFORD,3003.5,35.211,0.997,0.635,7.555,4.07,2,0.406 539 | A1 LM,CRAWFORD,3004,36.386,0.988,0.125,7.135,3.885,2,0.396 540 | A1 LM,CRAWFORD,3004.5,38.017,0.951,-0.175,6.875,3.654,2,0.387 541 | A1 LM,CRAWFORD,3005,41.016,0.903,0.055,6.825,3.438,2,0.377 542 | A1 LM,CRAWFORD,3005.5,49.654,0.854,1.52,7.51,3.33,2,0.368 543 | A1 LM,CRAWFORD,3006,62.068,0.799,3.1,9.13,3.209,2,0.358 544 | A1 LM,CRAWFORD,3006.5,71.222,0.74,4,10.98,3.087,2,0.349 545 | A1 LM,CRAWFORD,3007,73.309,0.691,4.015,12.425,2.98,2,0.34 546 | A1 LM,CRAWFORD,3007.5,69.469,0.627,3.19,13.37,2.904,2,0.33 547 | A1 LM,CRAWFORD,3008,65.857,0.559,2.1,14.08,2.859,2,0.321 548 | A1 LM,CRAWFORD,3008.5,58.369,0.504,0.715,14.235,2.83,2,0.311 549 | A1 LM,CRAWFORD,3009,56.125,0.435,-0.775,13.415,2.786,2,0.302 550 | A1 LM,CRAWFORD,3009.5,56.769,0.378,-1.155,12.805,2.726,2,0.292 551 | A1 LM,CRAWFORD,3010,62.587,0.298,-0.18,12.87,2.588,2,0.283 552 | A1 LM,CRAWFORD,3010.5,64.674,0.252,0.24,14.42,2.465,2,0.274 553 | A1 LM,CRAWFORD,3011,64.253,0.212,0.24,16.36,2.374,2,0.264 554 | A1 LM,CRAWFORD,3011.5,61.553,0.166,-0.295,18.395,2.329,2,0.255 555 | A1 LM,CRAWFORD,3012,60.221,0.114,-0.59,19.27,2.315,2,0.245 556 | A1 LM,CRAWFORD,3012.5,59.116,0.093,-0.655,19.655,2.302,2,0.236 557 | A1 LM,CRAWFORD,3013,57.997,0.081,-0.8,19.69,2.258,2,0.226 558 | A1 LM,CRAWFORD,3013.5,57.363,0.091,-1.105,19.095,2.243,2,0.217 559 | A1 LM,CRAWFORD,3014,57.863,0.144,-1.27,18.12,2.261,2,0.208 560 | A1 LM,CRAWFORD,3014.5,59.038,0.206,-1.26,17.03,2.326,2,0.198 561 | A1 LM,CRAWFORD,3015,60.213,0.29,-1.04,16.68,2.409,2,0.189 562 | A1 LM,CRAWFORD,3015.5,61.16,0.368,-0.14,16.68,2.781,2,0.179 563 | A1 LM,CRAWFORD,3016,58.46,0.468,-0.25,15.21,3.327,2,0.17 564 | A1 LM,CRAWFORD,3016.5,53.48,0.564,0.36,11.47,3.796,2,0.16 565 | A1 LM,CRAWFORD,3017,51.692,0.657,0.825,8.125,4.062,2,0.151 566 | A1 LM,CRAWFORD,3017.5,67.238,0.807,1.7,7.13,4.173,2,0.142 567 | A1 LM,CRAWFORD,3018,74.796,0.89,2.905,7.335,4.19,2,0.132 568 | A1 LM,CRAWFORD,3018.5,75.743,0.925,3.055,7.765,4.302,2,0.123 569 | A1 LM,CRAWFORD,3019,70.991,0.928,2.325,7.785,4.444,2,0.113 570 | A1 LM,CRAWFORD,3019.5,57.348,0.929,1.355,7.395,4.492,2,0.104 571 | A1 LM,CRAWFORD,3020,46.213,0.929,0.67,7.43,4.385,2,0.094 572 | A1 LM,CRAWFORD,3020.5,42.116,0.926,0.19,7.17,4.201,2,0.085 573 | A1 LM,CRAWFORD,3021,44.925,0.918,-0.19,6.69,4.093,2,0.075 574 | A1 LM,CRAWFORD,3021.5,55.903,0.912,0.07,5.72,4.034,2,0.066 575 | A1 LM,CRAWFORD,3022,66.196,0.906,0.495,5.375,3.958,2,0.057 576 | A1 LM,CRAWFORD,3022.5,73.526,0.894,1.44,5.26,3.82,2,0.047 577 | B1 SH,CRAWFORD,3032,72.392,0.709,-0.74,18.41,2.629,1,0.125 578 | B1 SH,CRAWFORD,3032.5,69.928,0.792,-0.69,19.32,2.616,1,0.063 579 | B1 LM,CRAWFORD,3033,64.72,0.849,-0.96,16.33,2.914,2,1 580 | B1 LM,CRAWFORD,3033.5,52.445,0.892,0.91,11.35,3.292,2,0.977 581 | B1 LM,CRAWFORD,3034,43.362,0.93,-0.02,6.92,3.571,2,0.955 582 | B1 LM,CRAWFORD,3034.5,42.064,0.974,0.015,5.495,3.435,2,0.909 583 | B1 LM,CRAWFORD,3035,45.642,0.956,0.005,5.475,3.375,2,0.886 584 | B1 LM,CRAWFORD,3035.5,53.266,0.932,-0.105,5.545,3.299,2,0.864 585 | B1 LM,CRAWFORD,3036,59.043,0.894,0.17,6.99,3.114,2,0.841 586 | B1 LM,CRAWFORD,3036.5,62.331,0.834,-0.245,9.835,2.813,2,0.818 587 | B1 LM,CRAWFORD,3037,60.946,0.884,-1.69,16.08,2.745,2,0.795 588 | B1 LM,CRAWFORD,3037.5,53.914,0.918,-0.72,19.54,3.152,2,0.773 589 | B1 LM,CRAWFORD,3038,45.287,0.922,-0.86,18.44,3.962,2,0.75 590 | B1 LM,CRAWFORD,3038.5,30.049,0.925,0.445,13.565,4.571,2,0.727 591 | B1 LM,CRAWFORD,3039,23.017,0.947,0.54,9.59,4.806,2,0.705 592 | B1 LM,CRAWFORD,3039.5,21.228,0.973,-0.03,7.57,4.824,2,0.682 593 | B1 LM,CRAWFORD,3040,20.109,0.985,0.225,6.725,4.81,2,0.659 594 | B1 LM,CRAWFORD,3040.5,19.256,0.995,0.415,6.505,4.859,2,0.636 595 | B1 LM,CRAWFORD,3041,18.38,0.999,0.44,6.29,4.892,2,0.614 596 | B1 LM,CRAWFORD,3041.5,17.275,0.987,0.185,6.075,4.91,2,0.591 597 | B1 LM,CRAWFORD,3042,16.39,0.975,0.015,5.815,4.88,2,0.568 598 | B1 LM,CRAWFORD,3042.5,16.197,0.963,-0.205,5.445,4.834,2,0.545 599 | B1 LM,CRAWFORD,3043,16.469,0.957,-0.225,5.335,4.76,2,0.523 600 | B1 LM,CRAWFORD,3043.5,20.38,0.973,-0.295,5.255,4.669,2,0.5 601 | B1 LM,CRAWFORD,3044,31.86,1.005,-0.185,5.045,4.547,2,0.477 602 | B1 LM,CRAWFORD,3044.5,39.608,1.039,0.44,5.16,4.517,2,0.455 603 | B1 LM,CRAWFORD,3045,43.291,1.064,0.96,5.09,4.488,2,0.432 604 | B1 LM,CRAWFORD,3045.5,44.001,1.089,1.295,4.875,4.396,2,0.409 605 | B1 LM,CRAWFORD,3046,38.574,1.112,0.7,4.09,4.275,2,0.386 606 | B1 LM,CRAWFORD,3046.5,35.19,1.128,0.195,3.575,4.245,2,0.364 607 | B1 LM,CRAWFORD,3047,32.946,1.131,-0.215,3.205,4.434,2,0.341 608 | B1 LM,CRAWFORD,3047.5,31.613,1.128,-0.095,3.545,4.405,2,0.318 609 | B1 LM,CRAWFORD,3048,32.113,1.092,-0.005,4.715,4.329,2,0.295 610 | B1 LM,CRAWFORD,3048.5,32.368,1.052,0.29,5.42,4.285,2,0.273 611 | B1 LM,CRAWFORD,3049,31.507,0.978,0.405,5.865,4.224,2,0.25 612 | B1 LM,CRAWFORD,3049.5,30.849,0.88,0.445,6.595,4.04,2,0.227 613 | B1 LM,CRAWFORD,3050,29.953,0.772,0.91,7.82,3.451,2,0.205 614 | B1 LM,CRAWFORD,3050.5,28.876,0.723,1.24,9.64,3.141,2,0.182 615 | B1 LM,CRAWFORD,3051,28.228,0.705,1.21,10.47,3.206,2,0.159 616 | B1 LM,CRAWFORD,3051.5,28.263,0.693,1.005,10.355,3.38,2,0.136 617 | B1 LM,CRAWFORD,3052,28.754,0.693,0.47,9.35,3.646,2,0.114 618 | B1 LM,CRAWFORD,3052.5,34.26,0.694,0.34,7.94,3.974,2,0.091 619 | B1 LM,CRAWFORD,3053,45.01,0.694,0.485,6.185,4.241,2,0.068 620 | B1 LM,CRAWFORD,3053.5,55.98,0.707,0.665,5.945,4.093,2,0.045 621 | B1 LM,CRAWFORD,3054,67.146,0.717,0.965,6.695,3.67,2,0.023 622 | B2 SH,CRAWFORD,3054.5,80,0.708,1.965,8.815,3.361,1,1 623 | B2 SH,CRAWFORD,3055,85.05,0.69,3.215,10.515,3.16,1,0.95 624 | B2 SH,CRAWFORD,3055.5,83.946,0.659,3.965,11.115,3.178,1,0.9 625 | B2 SH,CRAWFORD,3056,80.973,0.623,4.61,10.99,3.211,1,0.85 626 | B2 SH,CRAWFORD,3056.5,78.782,0.592,4.845,10.905,3.213,1,0.8 627 | B2 SH,CRAWFORD,3057,76.082,0.574,4.82,10.73,3.231,1,0.75 628 | B2 SH,CRAWFORD,3057.5,72.925,0.562,4.535,10.405,3.217,1,0.7 629 | B2 SH,CRAWFORD,3058,72.049,0.55,4.24,10.55,3.187,1,0.65 630 | B2 SH,CRAWFORD,3058.5,71.391,0.535,4.115,11.005,3.128,1,0.6 631 | B2 SH,CRAWFORD,3059,70.751,0.527,4.055,11.765,3.036,1,0.55 632 | B2 SH,CRAWFORD,3059.5,71.261,0.533,4.235,12.565,3.007,1,0.5 633 | B2 SH,CRAWFORD,3060,73.11,0.518,4.44,12.8,2.978,1,0.45 634 | B2 SH,CRAWFORD,3060.5,75.425,0.491,3.815,12.085,2.903,1,0.4 635 | B2 SH,CRAWFORD,3061,76.828,0.47,3.265,11.525,2.687,1,0.35 636 | B2 SH,CRAWFORD,3061.5,75.04,0.458,3.16,11.69,2.58,1,0.3 637 | B2 SH,CRAWFORD,3062,70.288,0.449,3.695,12.535,2.534,1,0.25 638 | B2 LM,CRAWFORD,3062.5,66.266,0.443,4.505,13.995,2.553,1,0.2 639 | B2 LM,CRAWFORD,3063,60.79,0.441,6.07,16.34,2.679,1,0.15 640 | B2 LM,CRAWFORD,3063.5,54.67,0.444,6.25,16.74,3.35,1,0.1 641 | B2 LM,CRAWFORD,3064,48.094,0.445,5.995,16.615,3.865,1,0.05 642 | B2 LM,CRAWFORD,3064.5,41.062,0.445,3.425,13.955,4.24,2,1 643 | B2 LM,CRAWFORD,3065,39.046,0.455,1.725,12.915,4.507,2,0.964 644 | B2 LM,CRAWFORD,3065.5,38.169,0.458,1.1,12.79,4.354,2,0.929 645 | B2 LM,CRAWFORD,3066,40.493,0.465,0.895,13.365,4.293,2,0.893 646 | B2 LM,CRAWFORD,3066.5,43.948,0.459,0.68,13.98,4.248,2,0.857 647 | B2 LM,CRAWFORD,3067,46.491,0.423,0.57,14.45,4.266,2,0.821 648 | B2 LM,CRAWFORD,3067.5,47.21,0.392,0.565,14.945,4.331,2,0.786 649 | B2 LM,CRAWFORD,3068,46.789,0.346,0.765,15.325,4.395,2,0.75 650 | B2 LM,CRAWFORD,3068.5,45.912,0.325,0.985,15.625,4.397,2,0.714 651 | B2 LM,CRAWFORD,3069,45.704,0.304,1.205,15.925,4.383,2,0.679 652 | B2 LM,CRAWFORD,3069.5,45.527,0.295,1.27,15.89,4.276,2,0.643 653 | B2 LM,CRAWFORD,3070,44.887,0.289,1.155,15.315,4.123,2,0.607 654 | B2 LM,CRAWFORD,3070.5,44.23,0.29,0.815,14.205,3.95,2,0.571 655 | B2 LM,CRAWFORD,3071,44.274,0.281,0.55,12.84,3.785,2,0.536 656 | B2 LM,CRAWFORD,3071.5,45.221,0.247,0.545,11.605,3.647,2,0.5 657 | B2 LM,CRAWFORD,3072,46.396,0.167,1.685,11.385,3.431,2,0.464 658 | B2 LM,CRAWFORD,3072.5,46.888,0.118,2.92,12.76,3.2,2,0.429 659 | B2 LM,CRAWFORD,3073,46.475,0.069,4.4,16.76,2.968,2,0.393 660 | B2 LM,CRAWFORD,3073.5,46.738,0.042,5.065,20.085,2.815,2,0.357 661 | B2 LM,CRAWFORD,3074,47.914,0.033,4.815,20.915,2.848,2,0.321 662 | B2 LM,CRAWFORD,3074.5,51.596,0.04,4.485,20.755,2.99,2,0.286 663 | B2 LM,CRAWFORD,3075,62.89,0.102,4.42,17.02,3.474,2,0.25 664 | B2 LM,CRAWFORD,3075.5,80.38,0.22,3.955,12.965,4.067,2,0.214 665 | B2 LM,CRAWFORD,3076,105.725,0.347,2.42,7.33,4.271,2,0.179 666 | B2 LM,CRAWFORD,3076.5,131.069,0.524,1.655,5.355,3.838,2,0.143 667 | B2 LM,CRAWFORD,3077,145.018,0.636,-0.905,7.135,3.203,2,0.107 668 | B2 LM,CRAWFORD,3077.5,131.376,0.726,-1.94,12.26,2.816,2,0.071 669 | B3 SH,CRAWFORD,3078,110.21,0.792,0.27,14.14,2.678,2,0.036 670 | B3 SH,CRAWFORD,3078.5,89.045,0.826,3.14,13.7,2.773,1,1 671 | B3 SH,CRAWFORD,3079,73.807,0.808,4.795,11.855,3.371,1,0.944 672 | B3 SH,CRAWFORD,3079.5,73.158,0.781,4.755,10.905,3.493,1,0.889 673 | B3 SH,CRAWFORD,3080,73.195,0.763,3.975,10.205,3.432,1,0.833 674 | B3 SH,CRAWFORD,3080.5,72.325,0.748,3.68,10,3.387,1,0.778 675 | B3 SH,CRAWFORD,3081,71.221,0.742,3.33,9.69,3.374,1,0.722 676 | B3 SH,CRAWFORD,3081.5,70.563,0.742,2.76,9.25,3.329,1,0.667 677 | B3 SH,CRAWFORD,3082,71.519,0.733,1.75,10.04,3.145,1,0.611 678 | B3 SH,CRAWFORD,3082.5,74.062,0.722,2.32,12.64,2.945,1,0.556 679 | B3 SH,CRAWFORD,3083,77.061,0.71,2.765,15.055,2.776,1,0.5 680 | B3 SH,CRAWFORD,3083.5,78.693,0.695,3.04,15.66,2.793,1,0.444 681 | B3 SH,CRAWFORD,3084,79.192,0.683,2.505,14.075,2.951,1,0.389 682 | B3 SH,CRAWFORD,3084.5,79.192,0.683,2.505,14.075,2.951,1,0.389 683 | B3 SH,CRAWFORD,3085,78.999,0.662,2.395,12.335,2.984,1,0.333 684 | B3 SH,CRAWFORD,3085.5,78.114,0.64,2.395,11.095,2.909,1,0.278 685 | B3 SH,CRAWFORD,3086,77.246,0.625,2.705,12.075,2.708,1,0.222 686 | B3 SH,CRAWFORD,3086.5,76.369,0.62,2.305,15.615,2.601,1,0.167 687 | B3 SH,CRAWFORD,3087,72.301,0.633,0.98,21.27,2.759,1,0.111 688 | B3 SH,CRAWFORD,3087.5,61.107,0.667,-1.74,21.21,3.849,1,0.056 689 | B3 LM,CRAWFORD,3088,41.149,0.68,-2.295,18.875,4.854,2,1 690 | B3 LM,CRAWFORD,3088.5,28.419,0.686,-0.92,14.54,5.036,2,0.938 691 | B3 LM,CRAWFORD,3089,22.527,0.687,0.36,10.24,5.044,2,0.875 692 | B3 LM,CRAWFORD,3089.5,18.459,0.684,2.27,8.16,4.931,2,0.813 693 | B3 LM,CRAWFORD,3090,17.345,0.679,2.67,8.23,4.547,2,0.75 694 | B3 LM,CRAWFORD,3090.5,17.617,0.676,2.855,8.725,4.328,2,0.688 695 | B3 LM,CRAWFORD,3091,19.292,0.664,2.695,9.465,4.299,2,0.625 696 | B3 LM,CRAWFORD,3091.5,21.572,0.655,2.535,9.705,4.301,2,0.563 697 | B3 LM,CRAWFORD,3092,22.975,0.653,1.95,9.21,4.319,2,0.5 698 | B3 LM,CRAWFORD,3092.5,23.922,0.65,1.34,8.59,4.305,2,0.438 699 | B3 LM,CRAWFORD,3093,24.869,0.657,0.63,7.42,4.291,2,0.375 700 | B3 LM,CRAWFORD,3093.5,27.64,0.669,0.42,6.02,4.216,2,0.313 701 | B3 LM,CRAWFORD,3094,34.058,0.67,0.44,4.4,4.109,2,0.25 702 | B3 LM,CRAWFORD,3094.5,41.489,0.652,1.11,4.03,3.815,2,0.188 703 | B3 LM,CRAWFORD,3095,51.235,0.631,1.73,5.19,3.444,2,0.125 704 | B4 SH,CRAWFORD,3095.5,55.601,0.61,2.42,7.82,3.146,2,0.063 705 | B4 SH,CRAWFORD,3096,59.512,0.601,3.715,10.375,2.935,1,1 706 | B4 SH,CRAWFORD,3096.5,62.055,0.598,4.13,12.01,2.844,1,0.95 707 | B4 SH,CRAWFORD,3097,64.37,0.592,3.83,12.15,2.768,1,0.9 708 | B4 SH,CRAWFORD,3097.5,65.773,0.587,3.32,11.31,2.708,1,0.85 709 | B4 SH,CRAWFORD,3098,66.036,0.593,2.635,9.895,2.663,1,0.8 710 | B4 SH,CRAWFORD,3098.5,64.712,0.597,2.65,9.32,2.616,1,0.75 711 | B4 SH,CRAWFORD,3099,64.039,0.6,2.545,8.775,2.603,1,0.7 712 | B4 SH,CRAWFORD,3099.5,64.332,0.61,2.57,8.69,2.589,1,0.65 713 | B4 SH,CRAWFORD,3100,68.247,0.601,2.545,9.105,2.531,1,0.6 714 | B4 SH,CRAWFORD,3100.5,75.809,0.583,2.99,10.63,2.486,1,0.55 715 | B4 SH,CRAWFORD,3101,84.739,0.559,3.69,12.42,2.488,1,0.5 716 | B4 SH,CRAWFORD,3101.5,95.768,0.541,4.595,14.775,2.52,1,0.45 717 | B4 SH,CRAWFORD,3102,94.175,0.529,4.575,15.465,2.6,1,0.4 718 | B4 SH,CRAWFORD,3102.5,89.427,0.529,4.575,15.555,2.788,1,0.35 719 | B4 SH,CRAWFORD,3103,84.908,0.527,4.35,14.27,3.148,1,0.3 720 | B4 SH,CRAWFORD,3103.5,81.3,0.53,3.17,11.82,3.103,1,0.25 721 | B4 SH,CRAWFORD,3104,82.251,0.534,1.84,10.85,2.691,1,0.2 722 | B4 SH,CRAWFORD,3104.5,83.203,0.568,0.12,16.21,2.235,1,0.15 723 | B4 SH,CRAWFORD,3105,82.888,0.647,-0.305,24.225,2.113,1,0.1 724 | B4 LM,CRAWFORD,3105.5,70.526,0.731,-3.475,31.335,2.301,1,0.05 725 | B4 LM,CRAWFORD,3106,59.858,0.793,-2.585,25.825,3.329,2,1 726 | B4 LM,CRAWFORD,3106.5,43.933,0.815,-2.425,18.585,4.233,2,0.944 727 | B4 LM,CRAWFORD,3107,30.523,0.828,-0.505,13.435,4.53,2,0.889 728 | B4 LM,CRAWFORD,3107.5,21.444,0.867,-0.83,7.75,4.734,2,0.833 729 | B4 LM,CRAWFORD,3108,18.52,0.948,0.5,5.3,4.86,2,0.778 730 | B4 LM,CRAWFORD,3108.5,20.668,1.034,0.725,4.655,4.986,2,0.722 731 | B4 LM,CRAWFORD,3109,23.396,1.077,0.945,4.055,4.972,2,0.667 732 | B4 LM,CRAWFORD,3109.5,25.716,1.112,1,3.38,4.974,2,0.611 733 | B4 LM,CRAWFORD,3110,28.035,1.131,1.335,2.125,4.991,2,0.556 734 | B4 LM,CRAWFORD,3110.5,31.494,1.128,1.565,1.855,5.024,2,0.5 735 | B4 LM,CRAWFORD,3111,42.743,1.145,0.74,2.92,4.996,2,0.389 736 | B4 LM,CRAWFORD,3111.5,47.021,1.158,0.415,2.815,4.874,2,0.333 737 | B4 LM,CRAWFORD,3112,49.443,1.158,0.265,2.475,4.72,2,0.278 738 | B4 LM,CRAWFORD,3112.5,48.343,1.072,0.175,2.025,4.435,2,0.222 739 | B4 LM,CRAWFORD,3113,47.243,0.993,0.305,2.325,4.07,2,0.167 740 | B4 LM,CRAWFORD,3113.5,47.738,0.936,0.625,3.575,3.745,2,0.111 741 | B5 SH,CRAWFORD,3114,55.757,0.9,2.86,7.09,3.514,2,0.056 742 | B5 SH,CRAWFORD,3114.5,67.815,0.876,4.345,9.295,3.406,1,1 743 | B5 SH,CRAWFORD,3115,68.904,0.852,4.72,9.57,3.455,1,0.938 744 | B5 SH,CRAWFORD,3115.5,64.085,0.834,3.905,7.665,3.565,1,0.875 745 | B5 SH,CRAWFORD,3116,53.913,0.828,3.37,5.72,3.645,1,0.813 746 | B5 SH,CRAWFORD,3116.5,50.715,0.841,2.665,4.465,3.615,1,0.75 747 | B5 SH,CRAWFORD,3117,51.22,0.854,2.43,3.86,3.714,1,0.688 748 | B5 SH,CRAWFORD,3119,65.99,0.794,3.075,6.985,3.5,1,0.438 749 | B5 SH,CRAWFORD,3119.5,74.325,0.764,1.485,11.995,3.159,1,0.375 750 | B5 SH,CRAWFORD,3120,77.227,0.718,1.095,15.315,2.865,1,0.313 751 | B5 SH,CRAWFORD,3120.5,78.863,0.687,1.285,17.905,2.696,1,0.25 752 | B5 SH,CRAWFORD,3121,79.13,0.669,2.755,19.325,2.651,1,0.188 753 | B5 SH,CRAWFORD,3121.5,76.89,0.657,4.55,19.53,2.671,1,0.125 754 | B5 LM,CRAWFORD,3122,69.179,0.692,6.11,19.22,3.114,1,0.063 755 | B5 LM,CRAWFORD,3122.5,59.999,0.732,4.62,16.19,4.134,2,1 756 | B5 LM,CRAWFORD,3123,41.912,0.761,1.64,10.98,4.726,2,0.983 757 | B5 LM,CRAWFORD,3123.5,26.222,0.805,0.755,7.955,4.899,2,0.966 758 | B5 LM,CRAWFORD,3124,22.615,0.845,1.58,6.02,4.854,2,0.948 759 | B5 LM,CRAWFORD,3124.5,20.83,0.849,1.97,4.39,4.778,2,0.931 760 | B5 LM,CRAWFORD,3125,21.326,0.836,2.77,4.39,4.655,2,0.914 761 | B5 LM,CRAWFORD,3125.5,23.645,0.725,3.665,5.185,4.408,2,0.897 762 | B5 LM,CRAWFORD,3126,29.02,0.587,4.805,7.455,3.97,2,0.879 763 | B5 LM,CRAWFORD,3126.5,35.588,0.461,5.255,11.615,3.606,2,0.862 764 | B5 LM,CRAWFORD,3127,39.503,0.325,5.335,18.395,3.309,2,0.845 765 | B5 LM,CRAWFORD,3127.5,41.139,0.239,4.545,21.765,3.342,2,0.828 766 | B5 LM,CRAWFORD,3128,41.862,0.184,2.77,21.54,3.422,2,0.81 767 | B5 LM,CRAWFORD,3128.5,42.586,0.169,-0.02,19,3.485,2,0.793 768 | B5 LM,CRAWFORD,3129,44.221,0.139,2.425,18.905,3.378,2,0.776 769 | B5 LM,CRAWFORD,3129.5,47.395,0.121,3.7,20.04,3.209,2,0.759 770 | B5 LM,CRAWFORD,3130,54.796,0.103,4.59,22.87,3.133,2,0.741 771 | B5 LM,CRAWFORD,3130.5,58.255,0.091,5.19,25.77,3.166,2,0.724 772 | B5 LM,CRAWFORD,3131,60.347,0.076,4.065,26.095,3.118,2,0.707 773 | B5 LM,CRAWFORD,3131.5,61.754,0.048,3.235,25.165,3.06,2,0.69 774 | B5 LM,CRAWFORD,3132,61.794,0.002,2.74,22.4,3.14,2,0.672 775 | B5 LM,CRAWFORD,3132.5,61.833,-0.047,3.65,21.13,3.437,2,0.655 776 | B5 LM,CRAWFORD,3133,62.358,-0.096,4.43,21.27,3.672,2,0.638 777 | B5 LM,CRAWFORD,3133.5,63.062,-0.147,4.895,22.325,3.782,2,0.621 778 | B5 LM,CRAWFORD,3134,63.33,-0.206,5.245,22.895,3.737,2,0.603 779 | B5 LM,CRAWFORD,3134.5,62.685,-0.218,5.035,22.725,3.584,2,0.586 780 | B5 LM,CRAWFORD,3135,60.217,-0.23,4.57,21.84,3.444,2,0.569 781 | B5 LM,CRAWFORD,3135.5,55.926,-0.217,5.185,20.385,3.352,2,0.552 782 | B5 LM,CRAWFORD,3136,52.318,-0.185,5.795,18.665,3.496,2,0.534 783 | B5 LM,CRAWFORD,3136.5,47.244,-0.16,5.445,15.725,3.855,2,0.517 784 | B5 LM,CRAWFORD,3137,45.786,-0.138,4.165,11.765,3.966,2,0.5 785 | B5 LM,CRAWFORD,3137.5,46.975,-0.116,5.55,10.25,3.765,2,0.483 786 | B5 LM,CRAWFORD,3138,51.907,-0.103,7.385,11.675,3.44,2,0.466 787 | B5 LM,CRAWFORD,3138.5,58.336,-0.093,6.61,13.74,3.162,2,0.448 788 | B5 LM,CRAWFORD,3139,64.995,-0.09,5.94,16.68,3.024,2,0.431 789 | B5 LM,CRAWFORD,3139.5,67.543,-0.089,5.7,17.72,3.057,2,0.414 790 | B5 LM,CRAWFORD,3140,68.041,-0.104,5.755,18.395,3.171,2,0.397 791 | B5 LM,CRAWFORD,3140.5,66.186,-0.144,5.995,19.265,3.231,2,0.379 792 | B5 LM,CRAWFORD,3141,62.184,-0.187,6.54,20.72,3.264,2,0.362 793 | B5 LM,CRAWFORD,3141.5,57.883,-0.239,6,21.62,3.297,2,0.345 794 | B5 LM,CRAWFORD,3142,54.039,-0.297,5.725,22.245,3.282,2,0.328 795 | B5 LM,CRAWFORD,3142.5,53.154,-0.371,5.745,23.065,3.222,2,0.31 796 | B5 LM,CRAWFORD,3143,60.506,-0.432,5.78,23.96,3.115,2,0.293 797 | B5 LM,CRAWFORD,3143.5,68.99,-0.456,6.14,25.32,2.977,2,0.276 798 | B5 LM,CRAWFORD,3144,88.891,-0.468,7.025,27.595,2.916,2,0.259 799 | B5 LM,CRAWFORD,3144.5,114.955,-0.455,6.925,28.395,2.924,2,0.241 800 | B5 LM,CRAWFORD,3145,139.876,-0.405,6.245,28.025,3.215,2,0.224 801 | B5 LM,CRAWFORD,3145.5,157.729,-0.353,4.685,26.015,3.373,2,0.207 802 | B5 LM,CRAWFORD,3146,167.803,-0.219,4.27,23.37,3.81,2,0.19 803 | B5 LM,CRAWFORD,3146.5,151.183,-0.057,0.925,17.125,4.153,2,0.172 804 | B5 LM,CRAWFORD,3147,123.264,0.067,0.285,14.215,4.404,2,0.155 805 | B5 LM,CRAWFORD,3147.5,108.569,0.234,0.705,12.225,4.499,2,0.138 806 | B5 LM,CRAWFORD,3148,101.072,0.427,1.15,10.76,4.392,2,0.121 807 | B5 LM,CRAWFORD,3148.5,91.748,0.625,1.135,9.605,4.254,2,0.103 808 | B5 LM,CRAWFORD,3149,83.794,0.749,2.075,7.845,4.023,2,0.086 809 | B5 LM,CRAWFORD,3149.5,83.794,0.749,2.075,7.845,4.023,2,0.086 810 | B5 LM,CRAWFORD,3150,79.722,0.771,2.89,6.64,4.04,2,0.069 811 | B5 LM,CRAWFORD,3150.5,76.334,0.8,2.96,6.29,3.997,2,0.052 812 | B5 LM,CRAWFORD,3151,73.631,0.8,2.68,6.69,3.828,2,0.034 813 | B5 LM,CRAWFORD,3151.5,76.865,0.772,2.42,8.6,3.535,2,0.017 814 | C SH,CRAWFORD,3152,79.924,0.752,2.62,11.51,3.148,1,1 815 | C SH,CRAWFORD,3152.5,82.199,0.728,3.725,14.555,2.964,1,0.972 816 | C SH,CRAWFORD,3153,79.953,0.7,5.61,16.93,2.793,1,0.944 817 | C SH,CRAWFORD,3153.5,75.881,0.673,6.3,17.57,2.969,1,0.917 818 | C SH,CRAWFORD,3154,67.47,0.652,4.775,15.795,3.282,1,0.889 819 | C SH,CRAWFORD,3154.5,58.832,0.64,4.315,13.575,3.642,1,0.861 820 | C SH,CRAWFORD,3155,57.946,0.631,3.595,11.305,3.893,1,0.833 821 | C SH,CRAWFORD,3155.5,65.755,0.625,3.465,10.355,3.911,1,0.806 822 | C SH,CRAWFORD,3156,69.445,0.617,3.39,11.54,3.82,1,0.778 823 | C SH,CRAWFORD,3156.5,73.389,0.608,3.625,12.775,3.62,1,0.75 824 | C SH,CRAWFORD,3157,77.115,0.605,4.14,13.42,3.467,1,0.722 825 | C SH,CRAWFORD,3157.5,79.84,0.596,4.875,13.825,3.36,1,0.694 826 | C SH,CRAWFORD,3158,82.616,0.577,5.235,14.845,3.207,1,0.667 827 | C SH,CRAWFORD,3158.5,86.078,0.554,5.04,16.15,3.161,1,0.639 828 | C SH,CRAWFORD,3159,88.855,0.539,5.56,16.75,3.118,1,0.611 829 | C SH,CRAWFORD,3159.5,90.49,0.53,6.36,16.78,3.168,1,0.583 830 | C SH,CRAWFORD,3160,90.975,0.522,7.035,16.995,3.154,1,0.556 831 | C SH,CRAWFORD,3160.5,90.108,0.513,7.505,17.595,3.125,1,0.528 832 | -------------------------------------------------------------------------------- /1610_Facies_classification/well_data_with_facies.csv: -------------------------------------------------------------------------------- 1 | ,Formation,Well Name,Depth,GR,ILD_log10,DeltaPHI,PHIND,PE,NM_M,RELPOS,Facies 2 | 0,A1 SH,STUART,2808.0,66.276,0.63,3.3,10.65,3.591,1,1.0,3 3 | 1,A1 SH,STUART,2808.5,77.252,0.585,6.5,11.95,3.341,1,0.978,3 4 | 2,A1 SH,STUART,2809.0,82.899,0.566,9.4,13.6,3.064,1,0.956,3 5 | 3,A1 SH,STUART,2809.5,80.671,0.593,9.5,13.25,2.977,1,0.933,3 6 | 4,A1 SH,STUART,2810.0,75.971,0.638,8.7,12.35,3.02,1,0.911,3 7 | 5,A1 SH,STUART,2810.5,73.955,0.667,6.9,12.25,3.086,1,0.889,3 8 | 6,A1 SH,STUART,2811.0,77.962,0.674,6.5,12.45,3.092,1,0.867,3 9 | 7,A1 SH,STUART,2811.5,83.894,0.667,6.3,12.65,3.123,1,0.844,2 10 | 8,A1 SH,STUART,2812.0,84.424,0.653,6.7,13.05,3.121,1,0.822,2 11 | 9,A1 SH,STUART,2812.5,83.16,0.642,7.3,12.95,3.127,1,0.8,2 12 | 10,A1 SH,STUART,2813.0,79.063,0.651,7.3,12.05,3.147,1,0.778,2 13 | 11,A1 SH,STUART,2813.5,69.002,0.677,6.2,10.8,3.096,1,0.756,2 14 | 12,A1 SH,STUART,2814.0,63.983,0.69,4.4,9.7,3.103,1,0.733,2 15 | 13,A1 SH,STUART,2814.5,61.797,0.675,3.5,9.15,3.101,1,0.711,1 16 | 14,A1 SH,STUART,2815.0,61.372,0.646,2.8,9.3,3.065,1,0.689,1 17 | 15,A1 SH,STUART,2815.5,63.535,0.621,2.8,9.8,2.982,1,0.667,1 18 | 16,A1 SH,STUART,2816.0,65.126,0.6,3.3,10.55,2.914,1,0.644,1 19 | 17,A1 SH,STUART,2816.5,75.93,0.576,3.4,11.9,2.845,1,0.6,2 20 | 18,A1 SH,STUART,2817.0,85.077,0.584,4.4,12.9,2.854,1,0.578,2 21 | 19,A1 SH,STUART,2817.5,89.459,0.598,6.6,13.5,2.986,1,0.556,2 22 | 20,A1 SH,STUART,2818.0,88.619,0.61,7.2,14.8,2.988,1,0.533,3 23 | 21,A1 SH,STUART,2818.5,81.593,0.636,6.4,13.9,2.998,1,0.511,2 24 | 22,A1 SH,STUART,2819.0,66.595,0.702,2.8,11.4,2.988,1,0.489,2 25 | 23,A1 SH,STUART,2819.5,55.081,0.789,2.7,8.15,3.028,1,0.467,2 26 | 24,A1 SH,STUART,2820.0,48.112,0.84,1.0,7.5,3.073,1,0.444,2 27 | 25,A1 SH,STUART,2820.5,43.73,0.846,0.4,7.1,3.146,1,0.422,2 28 | 26,A1 SH,STUART,2821.0,44.097,0.84,0.7,6.65,3.205,1,0.4,2 29 | 27,A1 SH,STUART,2821.5,46.839,0.842,0.8,6.6,3.254,1,0.378,2 30 | 28,A1 SH,STUART,2822.0,50.348,0.843,1.1,6.75,3.23,1,0.356,2 31 | 29,A1 SH,STUART,2822.5,57.129,0.822,2.2,7.3,3.237,1,0.333,2 32 | 30,A1 SH,STUART,2823.0,64.465,0.777,4.4,8.4,3.259,1,0.311,2 33 | 31,A1 SH,STUART,2823.5,70.267,0.729,7.1,9.85,3.289,1,0.289,2 34 | 32,A1 SH,STUART,2824.0,76.566,0.664,10.7,11.55,3.381,1,0.244,2 35 | 33,A1 SH,STUART,2824.5,76.778,0.643,10.7,12.25,3.452,1,0.222,2 36 | 34,A1 SH,STUART,2825.0,73.971,0.632,9.7,12.55,3.396,1,0.2,2 37 | 35,A1 SH,STUART,2825.5,74.314,0.622,8.8,13.1,3.144,1,0.178,2 38 | 36,A1 SH,STUART,2826.0,77.031,0.583,4.8,16.2,3.034,1,0.156,3 39 | 37,A1 SH,STUART,2826.5,74.469,0.517,4.8,19.2,2.931,1,0.133,3 40 | 38,A1 SH,STUART,2827.0,73.327,0.489,6.3,20.35,2.88,1,0.111,3 41 | 39,A1 SH,STUART,2827.5,74.575,0.526,4.9,19.25,2.795,1,0.089,3 42 | 40,A1 SH,STUART,2828.0,70.536,0.558,6.5,17.05,3.009,1,0.067,3 43 | 41,A1 SH,STUART,2828.5,62.939,0.528,7.6,18.8,3.073,1,0.044,2 44 | 42,A1 SH,STUART,2829.0,57.137,0.511,10.9,19.15,3.313,1,0.022,2 45 | 43,A1 LM,STUART,2829.5,47.345,0.584,7.0,16.3,3.527,2,1.0,8 46 | 44,A1 LM,STUART,2830.0,35.733,0.73,6.4,10.2,3.928,2,0.987,8 47 | 45,A1 LM,STUART,2830.5,29.327,0.873,2.7,7.85,4.33,2,0.974,8 48 | 46,A1 LM,STUART,2831.0,28.242,0.963,1.4,6.3,4.413,2,0.961,8 49 | 47,A1 LM,STUART,2831.5,34.558,1.018,1.8,5.6,4.511,2,0.947,8 50 | 48,A1 LM,STUART,2832.0,43.754,1.054,1.8,5.2,4.412,2,0.934,6 51 | 49,A1 LM,STUART,2832.5,53.612,1.067,1.5,5.05,4.226,2,0.921,6 52 | 50,A1 LM,STUART,2833.0,60.719,1.039,1.9,4.85,3.931,2,0.908,6 53 | 51,A1 LM,STUART,2833.5,66.538,0.94,2.7,5.45,3.703,2,0.895,6 54 | 52,A1 LM,STUART,2834.0,75.522,0.801,4.0,7.3,3.501,2,0.882,4 55 | 53,A1 LM,STUART,2834.5,95.979,0.692,6.5,9.55,3.346,2,0.868,4 56 | 54,A1 LM,STUART,2835.0,130.26,0.644,8.3,11.15,3.242,2,0.855,3 57 | 55,A1 LM,STUART,2835.5,160.167,0.643,9.3,12.15,3.294,2,0.842,3 58 | 56,A1 LM,STUART,2836.0,176.528,0.673,9.1,12.05,3.298,2,0.829,3 59 | 57,A1 LM,STUART,2836.5,175.622,0.72,8.9,12.15,3.349,2,0.816,4 60 | 58,A1 LM,STUART,2837.0,153.965,0.756,7.6,11.9,3.31,2,0.803,4 61 | 59,A1 LM,STUART,2837.5,120.076,0.766,7.2,12.2,3.365,2,0.789,3 62 | 60,A1 LM,STUART,2838.0,91.434,0.787,7.1,12.15,3.392,2,0.776,4 63 | 61,A1 LM,STUART,2838.5,69.312,0.874,4.6,10.4,3.293,2,0.763,4 64 | 62,A1 LM,STUART,2839.0,54.828,1.029,0.8,8.2,3.395,2,0.75,6 65 | 63,A1 LM,STUART,2839.5,50.854,1.149,0.3,6.85,3.5,2,0.737,6 66 | 64,A1 LM,STUART,2840.0,54.632,1.09,1.0,7.4,3.576,2,0.724,6 67 | 65,A1 LM,STUART,2840.5,56.835,0.924,4.1,8.45,3.555,2,0.711,5 68 | 66,A1 LM,STUART,2841.0,60.393,0.788,7.1,10.05,3.591,2,0.697,6 69 | 67,A1 LM,STUART,2841.5,58.94,0.733,8.1,11.15,3.576,2,0.684,4 70 | 68,A1 LM,STUART,2842.0,49.719,0.754,6.1,10.75,3.669,2,0.671,6 71 | 69,A1 LM,STUART,2842.5,41.404,0.819,3.5,9.55,3.872,2,0.658,5 72 | 70,A1 LM,STUART,2843.0,36.084,0.882,1.6,8.2,4.125,2,0.645,8 73 | 71,A1 LM,STUART,2843.5,29.344,0.897,0.1,7.25,4.23,2,0.632,8 74 | 72,A1 LM,STUART,2844.0,24.072,0.841,-0.6,6.8,4.302,2,0.618,8 75 | 73,A1 LM,STUART,2844.5,22.62,0.733,-2.5,7.65,4.348,2,0.605,8 76 | 74,A1 LM,STUART,2845.0,22.408,0.597,-3.8,9.5,4.29,2,0.592,6 77 | 75,A1 LM,STUART,2845.5,21.184,0.469,-2.7,11.05,4.255,2,0.579,6 78 | 76,A1 LM,STUART,2846.0,21.796,0.375,-2.3,13.35,4.213,2,0.566,8 79 | 77,A1 LM,STUART,2846.5,23.925,0.314,-1.8,15.1,4.363,2,0.553,8 80 | 78,A1 LM,STUART,2847.0,24.464,0.278,-1.3,16.15,4.495,2,0.539,9 81 | 79,A1 LM,STUART,2847.5,26.039,0.257,-1.9,16.55,4.602,2,0.526,9 82 | 80,A1 LM,STUART,2848.0,27.491,0.247,-2.5,16.45,4.544,2,0.513,9 83 | 81,A1 LM,STUART,2848.5,28.193,0.249,-2.4,16.3,4.587,2,0.5,9 84 | 82,A1 LM,STUART,2849.0,28.634,0.265,-1.9,16.15,4.678,2,0.487,9 85 | 83,A1 LM,STUART,2849.5,29.809,0.299,-1.0,15.2,4.866,2,0.474,9 86 | 84,A1 LM,STUART,2850.0,31.172,0.349,-1.5,14.15,4.783,2,0.461,9 87 | 85,A1 LM,STUART,2850.5,33.448,0.418,-1.1,12.65,4.688,2,0.447,8 88 | 86,A1 LM,STUART,2851.0,33.514,0.503,-1.2,11.3,4.628,2,0.434,8 89 | 87,A1 LM,STUART,2851.5,35.146,0.593,-0.5,10.05,4.387,2,0.421,5 90 | 88,A1 LM,STUART,2852.0,35.953,0.671,-0.7,9.45,4.291,2,0.408,5 91 | 89,A1 LM,STUART,2852.5,35.178,0.729,-0.6,9.0,4.178,2,0.395,5 92 | 90,A1 LM,STUART,2853.0,36.109,0.773,0.1,8.35,4.203,2,0.382,6 93 | 91,A1 LM,STUART,2853.5,38.769,0.82,1.3,7.55,4.262,2,0.368,6 94 | 92,A1 LM,STUART,2854.0,39.511,0.873,1.3,7.05,4.387,2,0.355,6 95 | 93,A1 LM,STUART,2854.5,40.523,0.927,2.6,6.5,4.006,2,0.342,6 96 | 94,A1 LM,STUART,2855.0,42.694,0.964,2.8,6.8,3.718,2,0.329,6 97 | 95,A1 LM,STUART,2855.5,45.297,0.959,3.0,7.3,3.594,2,0.316,6 98 | 96,A1 LM,STUART,2856.0,48.145,0.915,3.8,8.2,3.46,2,0.303,6 99 | 97,A1 LM,STUART,2856.5,51.041,0.862,5.9,8.75,3.333,2,0.289,6 100 | 98,A1 LM,STUART,2857.0,56.125,0.825,7.4,9.3,3.336,2,0.276,6 101 | 99,A1 LM,STUART,2857.5,62.205,0.807,6.4,9.9,3.362,2,0.263,6 102 | 100,A1 LM,STUART,2858.0,64.865,0.794,4.7,10.25,3.244,2,0.25,4 103 | 101,A1 LM,STUART,2858.5,68.186,0.771,4.1,10.25,3.174,2,0.237,4 104 | 102,A1 LM,STUART,2859.0,72.421,0.743,4.1,10.55,3.174,2,0.224,4 105 | 103,A1 LM,STUART,2859.5,74.322,0.73,4.5,10.65,3.187,2,0.211,4 106 | 104,A1 LM,STUART,2860.0,72.543,0.748,4.1,10.35,3.359,2,0.197,4 107 | 105,A1 LM,STUART,2860.5,65.672,0.814,3.5,9.05,3.618,2,0.184,4 108 | 106,A1 LM,STUART,2861.0,57.153,0.951,1.7,6.75,3.902,2,0.171,8 109 | 107,A1 LM,STUART,2861.5,46.056,1.148,0.1,4.55,4.221,2,0.158,6 110 | 108,A1 LM,STUART,2862.0,37.961,1.324,0.0,3.3,4.561,2,0.145,6 111 | 109,A1 LM,STUART,2862.5,33.579,1.402,-0.2,2.8,4.799,2,0.132,8 112 | 110,A1 LM,STUART,2863.0,31.212,1.439,-0.4,2.7,4.874,2,0.118,8 113 | 111,A1 LM,STUART,2863.5,30.176,1.486,-0.5,2.55,4.787,2,0.105,8 114 | 112,A1 LM,STUART,2864.0,29.858,1.507,-0.7,2.75,4.622,2,0.092,8 115 | 113,A1 LM,STUART,2864.5,29.923,1.433,-0.6,3.3,4.375,2,0.079,6 116 | 114,A1 LM,STUART,2865.0,34.428,1.279,0.0,4.0,4.115,2,0.066,6 117 | 115,A1 LM,STUART,2865.5,39.935,1.134,0.8,4.6,3.979,2,0.053,6 118 | 116,A1 LM,STUART,2866.0,39.935,1.134,0.8,4.6,3.979,2,0.053,6 119 | 117,A1 LM,STUART,2866.5,46.823,1.05,1.3,5.15,3.727,2,0.039,6 120 | 118,A1 LM,STUART,2867.0,57.969,1.01,2.0,5.2,3.537,2,0.026,8 121 | 119,A1 LM,STUART,2867.5,71.246,0.954,2.3,5.65,3.482,2,0.013,8 122 | 120,B1 SH,STUART,2868.0,82.548,0.843,3.2,7.2,3.532,1,1.0,2 123 | 121,B1 SH,STUART,2868.5,92.119,0.718,4.9,8.95,3.484,1,0.968,2 124 | 122,B1 SH,STUART,2869.0,93.564,0.635,7.0,11.1,3.402,1,0.935,3 125 | 123,B1 SH,STUART,2869.5,86.26,0.615,9.0,11.9,3.486,1,0.903,2 126 | 124,B1 SH,STUART,2870.0,77.097,0.637,9.5,11.25,3.56,1,0.871,2 127 | 125,B1 SH,STUART,2870.5,67.68,0.651,9.2,10.7,3.473,1,0.839,2 128 | 126,B1 SH,STUART,2871.0,64.049,0.639,8.5,10.65,3.401,1,0.806,2 129 | 127,B1 SH,STUART,2871.5,67.566,0.621,7.5,11.45,3.307,1,0.774,2 130 | 128,B1 SH,STUART,2872.0,69.728,0.604,7.1,12.45,3.28,1,0.742,2 131 | 129,B1 SH,STUART,2872.5,67.966,0.582,8.3,13.45,3.253,1,0.71,2 132 | 130,B1 SH,STUART,2873.0,65.803,0.565,9.6,13.5,3.284,1,0.677,2 133 | 131,B1 SH,STUART,2873.5,62.351,0.575,10.1,11.85,3.405,1,0.645,2 134 | 132,B1 SH,STUART,2874.0,59.512,0.621,10.1,9.65,3.504,1,0.613,2 135 | 133,B1 SH,STUART,2874.5,61.176,0.691,9.9,8.15,3.587,1,0.581,2 136 | 134,B1 SH,STUART,2875.0,65.754,0.751,9.6,7.7,3.605,1,0.548,2 137 | 135,B1 SH,STUART,2875.5,66.66,0.768,9.0,8.2,3.505,1,0.516,2 138 | 136,B1 SH,STUART,2876.0,64.604,0.742,8.0,8.9,3.411,1,0.484,2 139 | 137,B1 SH,STUART,2876.5,61.699,0.696,7.0,9.2,3.319,1,0.452,2 140 | 138,B1 SH,STUART,2877.0,58.353,0.657,5.6,9.3,3.265,1,0.419,2 141 | 139,B1 SH,STUART,2877.5,55.929,0.64,4.2,9.2,3.167,1,0.387,2 142 | 140,B1 SH,STUART,2878.0,57.414,0.64,4.0,9.1,3.181,1,0.355,2 143 | 141,B1 SH,STUART,2878.5,60.393,0.64,3.8,9.3,3.133,1,0.323,2 144 | 142,B1 SH,STUART,2879.0,65.901,0.636,4.2,9.9,3.163,1,0.29,2 145 | 143,B1 SH,STUART,2879.5,71.385,0.635,5.8,10.8,3.131,1,0.258,2 146 | 144,B1 SH,STUART,2880.0,75.816,0.625,4.9,13.55,2.997,1,0.226,1 147 | 145,B1 SH,STUART,2880.5,75.334,0.587,5.6,15.9,2.938,1,0.194,3 148 | 146,B1 SH,STUART,2881.0,72.69,0.558,4.8,18.5,2.969,1,0.129,3 149 | 147,B1 SH,STUART,2881.5,68.635,0.558,6.9,19.45,3.104,1,0.097,2 150 | 148,B1 SH,STUART,2882.0,60.695,0.52,7.5,21.25,3.147,1,0.065,5 151 | 149,B1 SH,STUART,2882.5,51.645,0.501,5.6,18.1,3.354,1,0.032,8 152 | 150,B1 LM,STUART,2883.0,41.918,0.548,7.0,10.9,3.764,2,1.0,8 153 | 151,B1 LM,STUART,2883.5,32.991,0.633,7.7,6.35,4.109,2,0.968,5 154 | 152,B1 LM,STUART,2884.0,28.258,0.705,5.0,6.1,4.154,2,0.935,8 155 | 153,B1 LM,STUART,2884.5,26.635,0.769,4.1,5.35,4.321,2,0.903,8 156 | 154,B1 LM,STUART,2885.0,25.541,0.847,3.6,4.8,4.476,2,0.871,8 157 | 155,B1 LM,STUART,2885.5,23.795,0.948,2.3,4.45,4.565,2,0.839,6 158 | 156,B1 LM,STUART,2886.0,20.719,1.061,2.2,3.5,4.615,2,0.806,6 159 | 157,B1 LM,STUART,2886.5,18.499,1.139,2.4,3.2,4.696,2,0.774,6 160 | 158,B1 LM,STUART,2887.0,19.446,1.118,1.5,4.65,4.668,2,0.742,8 161 | 159,B1 LM,STUART,2887.5,21.388,1.019,1.0,7.1,4.579,2,0.71,8 162 | 160,B1 LM,STUART,2888.0,24.178,0.908,1.2,9.2,4.292,2,0.677,8 163 | 161,B1 LM,STUART,2888.5,27.638,0.812,0.0,11.1,4.046,2,0.645,8 164 | 162,B1 LM,STUART,2889.0,31.669,0.724,0.9,11.45,3.822,2,0.613,5 165 | 163,B1 LM,STUART,2889.5,39.389,0.627,3.4,11.2,3.629,2,0.581,7 166 | 164,B1 LM,STUART,2890.0,49.385,0.535,6.4,11.5,3.517,2,0.548,7 167 | 165,B1 LM,STUART,2890.5,58.516,0.488,9.0,11.4,3.474,2,0.516,7 168 | 166,B1 LM,STUART,2891.0,66.619,0.511,9.2,10.8,3.613,2,0.484,7 169 | 167,B1 LM,STUART,2891.5,67.296,0.602,6.4,9.5,3.862,2,0.452,4 170 | 168,B1 LM,STUART,2892.0,57.798,0.745,3.7,8.25,4.052,2,0.419,6 171 | 169,B1 LM,STUART,2892.5,48.169,0.912,1.1,7.45,4.241,2,0.387,6 172 | 170,B1 LM,STUART,2893.0,41.437,1.045,0.4,6.3,4.476,2,0.355,6 173 | 171,B1 LM,STUART,2893.5,39.348,1.117,0.1,5.35,4.712,2,0.323,6 174 | 172,B1 LM,STUART,2894.0,49.312,1.144,1.0,4.5,4.56,2,0.29,6 175 | 173,B1 LM,STUART,2894.5,61.984,1.143,0.7,4.85,4.605,2,0.258,8 176 | 174,B1 LM,STUART,2895.0,73.506,1.122,0.9,5.75,4.574,2,0.226,6 177 | 175,B1 LM,STUART,2895.5,74.208,1.095,0.3,6.85,4.478,2,0.194,6 178 | 176,B1 LM,STUART,2896.0,67.819,1.072,-0.7,7.55,4.444,2,0.161,8 179 | 177,B1 LM,STUART,2896.5,61.625,1.057,-1.2,7.4,4.439,2,0.129,8 180 | 178,B1 LM,STUART,2897.0,61.625,1.057,-1.2,7.4,4.439,2,0.129,8 181 | 179,B1 LM,STUART,2897.5,55.481,1.041,-0.9,6.55,4.335,2,0.097,8 182 | 180,B1 LM,STUART,2898.0,57.251,0.98,-0.1,5.75,3.907,2,0.065,8 183 | 181,B1 LM,STUART,2898.5,67.28,0.84,-0.6,7.1,3.58,2,0.032,2 184 | 182,B2 SH,STUART,2899.0,76.02,0.686,0.7,9.45,3.23,1,1.0,2 185 | 183,B2 SH,STUART,2899.5,84.457,0.603,2.5,12.45,2.967,1,0.947,2 186 | 184,B2 SH,STUART,2900.0,89.019,0.595,4.6,14.9,2.794,1,0.895,2 187 | 185,B2 SH,STUART,2900.5,89.933,0.591,3.9,18.55,2.789,1,0.842,3 188 | 186,B2 SH,STUART,2901.0,89.386,0.539,4.5,22.55,2.861,1,0.789,3 189 | 187,B2 SH,STUART,2901.5,89.427,0.479,6.2,25.4,2.935,1,0.737,3 190 | 188,B2 SH,STUART,2902.0,87.517,0.461,7.6,24.4,3.128,1,0.684,3 191 | 189,B2 SH,STUART,2902.5,83.747,0.485,8.7,23.15,3.284,1,0.632,3 192 | 190,B2 SH,STUART,2903.0,78.304,0.541,6.1,21.25,3.332,1,0.579,3 193 | 191,B2 SH,STUART,2903.5,71.858,0.635,8.5,15.95,3.485,1,0.526,2 194 | 192,B2 SH,STUART,2904.0,64.701,0.737,5.0,15.7,3.471,1,0.474,2 195 | 193,B2 SH,STUART,2904.5,64.293,0.752,1.7,17.15,3.45,1,0.421,2 196 | 194,B2 SH,STUART,2905.0,67.158,0.686,-0.3,19.95,3.276,1,0.368,2 197 | 195,B2 SH,STUART,2905.5,72.478,0.631,0.2,20.4,3.171,1,0.316,2 198 | 196,B2 SH,STUART,2906.0,78.068,0.614,5.0,18.1,3.252,1,0.211,3 199 | 197,B2 SH,STUART,2906.5,73.008,0.592,2.4,20.1,3.175,1,0.158,3 200 | 198,B2 SH,STUART,2907.0,64.644,0.543,1.7,22.35,3.302,1,0.105,2 201 | 199,B2 SH,STUART,2907.5,49.801,0.538,0.0,20.8,3.551,1,0.053,2 202 | 200,B2 LM,STUART,2908.0,35.937,0.628,-2.8,16.8,3.96,2,1.0,8 203 | 201,B2 LM,STUART,2908.5,24.203,0.743,-0.3,12.35,4.454,2,0.963,6 204 | 202,B2 LM,STUART,2909.0,15.986,0.777,-0.2,11.5,4.657,2,0.926,8 205 | 203,B2 LM,STUART,2909.5,12.036,0.773,-0.5,10.55,4.594,2,0.889,8 206 | 204,B2 LM,STUART,2910.0,12.746,0.787,-1.2,9.2,4.437,2,0.852,8 207 | 205,B2 LM,STUART,2910.5,14.843,0.809,-1.6,7.7,4.351,2,0.815,8 208 | 206,B2 LM,STUART,2911.0,17.087,0.806,-1.0,6.8,4.242,2,0.778,8 209 | 207,B2 LM,STUART,2911.5,17.977,0.765,0.3,6.45,4.105,2,0.741,8 210 | 208,B2 LM,STUART,2912.0,18.834,0.701,-0.1,7.15,4.279,2,0.704,8 211 | 209,B2 LM,STUART,2912.5,19.258,0.644,0.4,7.4,4.669,2,0.667,8 212 | 210,B2 LM,STUART,2913.0,19.062,0.61,0.6,7.8,5.19,2,0.63,8 213 | 211,B2 LM,STUART,2913.5,18.638,0.6,1.8,7.6,5.527,2,0.593,8 214 | 212,B2 LM,STUART,2914.0,19.462,0.598,3.4,6.8,6.321,2,0.556,9 215 | 213,B2 LM,STUART,2914.5,19.552,0.581,3.1,6.95,6.16,2,0.519,9 216 | 214,B2 LM,STUART,2915.0,20.653,0.529,0.9,8.65,5.865,2,0.481,9 217 | 215,B2 LM,STUART,2915.5,23.371,0.45,-1.0,11.3,5.315,2,0.444,9 218 | 216,B2 LM,STUART,2916.0,25.468,0.391,-1.3,13.75,4.918,2,0.407,9 219 | 217,B2 LM,STUART,2916.5,26.292,0.377,-2.3,14.85,4.521,2,0.37,8 220 | 218,B2 LM,STUART,2917.0,27.736,0.411,-3.6,14.1,4.443,2,0.333,8 221 | 219,B2 LM,STUART,2917.5,29.784,0.482,-3.1,11.85,4.347,2,0.296,8 222 | 220,B2 LM,STUART,2918.0,31.041,0.578,-2.2,9.4,4.416,2,0.259,8 223 | 221,B2 LM,STUART,2918.5,30.837,0.683,-0.4,7.4,4.394,2,0.222,8 224 | 222,B2 LM,STUART,2919.0,32.64,0.807,1.0,5.6,4.343,2,0.185,8 225 | 223,B2 LM,STUART,2919.5,33.571,0.942,1.6,4.5,4.086,2,0.148,6 226 | 224,B2 LM,STUART,2920.0,39.56,1.003,1.9,4.55,3.811,2,0.111,6 227 | 225,B2 LM,STUART,2920.5,47.475,0.931,1.5,6.15,3.625,2,0.074,8 228 | 226,B2 LM,STUART,2921.0,56.443,0.821,2.3,8.05,3.393,2,0.037,2 229 | 227,B3 SH,STUART,2921.5,64.799,0.751,3.4,9.6,3.12,1,1.0,2 230 | 228,B3 SH,STUART,2922.0,69.72,0.711,3.0,12.4,3.03,1,0.95,2 231 | 229,B3 SH,STUART,2922.5,72.511,0.637,3.5,16.35,2.984,1,0.9,3 232 | 230,B3 SH,STUART,2923.0,74.698,0.525,5.4,20.8,2.915,1,0.85,3 233 | 231,B3 SH,STUART,2923.5,74.698,0.525,5.4,20.8,2.915,1,0.85,3 234 | 232,B3 SH,STUART,2924.0,73.425,0.458,5.2,21.6,2.92,1,0.8,3 235 | 233,B3 SH,STUART,2924.5,71.328,0.486,3.1,17.35,2.995,1,0.75,3 236 | 234,B3 SH,STUART,2925.0,68.937,0.587,4.1,13.25,3.122,1,0.7,2 237 | 235,B3 SH,STUART,2925.5,66.562,0.671,1.3,13.25,3.243,1,0.65,1 238 | 236,B3 SH,STUART,2926.0,64.636,0.663,3.2,13.3,3.324,1,0.6,2 239 | 237,B3 SH,STUART,2926.5,66.619,0.625,4.0,13.6,3.33,1,0.55,2 240 | 238,B3 SH,STUART,2927.0,66.619,0.625,4.0,13.6,3.33,1,0.55,2 241 | 239,B3 SH,STUART,2927.5,65.624,0.635,3.2,12.4,3.309,1,0.5,2 242 | 240,B3 SH,STUART,2928.0,65.322,0.68,3.3,9.65,3.315,1,0.45,2 243 | 241,B3 SH,STUART,2928.5,67.035,0.707,2.4,8.6,3.232,1,0.4,2 244 | 242,B3 SH,STUART,2929.0,68.194,0.693,3.0,8.8,3.157,1,0.35,2 245 | 243,B3 SH,STUART,2929.5,69.149,0.646,3.0,10.4,3.034,1,0.3,2 246 | 244,B3 SH,STUART,2930.0,72.201,0.588,3.2,13.2,3.052,1,0.25,2 247 | 245,B3 SH,STUART,2930.5,73.776,0.542,4.4,16.0,3.132,1,0.2,3 248 | 246,B3 SH,STUART,2931.0,72.609,0.525,5.5,17.55,3.31,1,0.15,3 249 | 247,B3 SH,STUART,2931.5,66.864,0.55,5.3,16.55,3.625,1,0.1,3 250 | 248,B3 SH,STUART,2932.0,53.702,0.62,5.7,13.75,4.003,1,0.05,8 251 | 249,B3 LM,STUART,2932.5,40.474,0.713,4.7,11.15,4.278,2,1.0,8 252 | 250,B3 LM,STUART,2933.0,28.12,0.774,2.2,10.5,4.537,2,0.9,8 253 | 251,B3 LM,STUART,2933.5,20.213,0.769,-1.1,10.95,4.682,2,0.8,8 254 | 252,B3 LM,STUART,2934.0,19.193,0.732,-1.0,11.1,4.546,2,0.7,8 255 | 253,B3 LM,STUART,2934.5,20.449,0.699,-0.7,10.65,4.386,2,0.6,8 256 | 254,B3 LM,STUART,2935.0,21.355,0.679,-0.1,9.95,4.28,2,0.5,8 257 | 255,B3 LM,STUART,2935.5,21.641,0.668,1.3,8.95,4.221,2,0.4,8 258 | 256,B3 LM,STUART,2936.0,24.203,0.653,2.6,8.3,4.099,2,0.3,8 259 | 257,B3 LM,STUART,2936.5,34.574,0.613,2.4,9.0,3.66,2,0.2,8 260 | 258,B3 LM,STUART,2937.0,45.231,0.548,2.3,10.45,3.496,2,0.1,6 261 | 259,B4 SH,STUART,2937.5,56.427,0.498,2.9,11.35,3.338,1,1.0,2 262 | 260,B4 SH,STUART,2938.0,67.06,0.504,1.7,11.65,3.135,1,0.944,2 263 | 261,B4 SH,STUART,2938.5,70.838,0.558,2.0,10.8,3.012,1,0.889,2 264 | 262,B4 SH,STUART,2939.0,69.932,0.612,3.3,10.05,3.066,1,0.833,2 265 | 263,B4 SH,STUART,2939.5,74.526,0.633,4.1,10.25,3.109,1,0.778,2 266 | 264,B4 SH,STUART,2940.0,77.611,0.626,5.0,11.0,3.063,1,0.722,2 267 | 265,B4 SH,STUART,2940.5,78.59,0.605,5.9,11.55,3.092,1,0.667,2 268 | 266,B4 SH,STUART,2941.0,76.729,0.591,5.7,11.95,3.051,1,0.611,2 269 | 267,B4 SH,STUART,2941.5,74.11,0.608,3.7,10.95,3.07,1,0.556,2 270 | 268,B4 SH,STUART,2942.0,66.407,0.653,2.2,9.6,2.997,1,0.5,2 271 | 269,B4 SH,STUART,2942.5,64.081,0.693,1.4,8.6,3.093,1,0.444,2 272 | 270,B4 SH,STUART,2943.0,65.885,0.705,0.9,8.55,3.106,1,0.389,2 273 | 271,B4 SH,STUART,2943.5,70.299,0.696,1.4,9.0,3.085,1,0.333,2 274 | 272,B4 SH,STUART,2944.0,70.299,0.696,1.4,9.0,3.085,1,0.333,2 275 | 273,B4 SH,STUART,2944.5,74.551,0.677,3.1,9.65,3.066,1,0.278,2 276 | 274,B4 SH,STUART,2945.0,79.659,0.643,3.4,12.5,2.902,1,0.222,1 277 | 275,B4 SH,STUART,2945.5,80.402,0.573,-2.8,19.3,2.982,1,0.167,3 278 | 276,B4 SH,STUART,2946.0,74.649,0.483,-0.5,23.95,3.14,1,0.111,3 279 | 277,B4 SH,STUART,2946.5,63.429,0.461,0.2,24.2,3.394,1,0.056,2 280 | 278,B4 LM,STUART,2947.0,47.916,0.598,-7.6,18.9,3.762,2,1.0,3 281 | 279,B4 LM,STUART,2947.5,32.469,0.912,-1.4,9.8,4.314,2,0.929,8 282 | 280,B4 LM,STUART,2948.0,20.718,1.222,-2.9,7.85,4.863,2,0.857,8 283 | 281,B4 LM,STUART,2948.5,15.015,1.233,-1.6,6.4,4.813,2,0.786,8 284 | 282,B4 LM,STUART,2949.0,14.084,1.084,-1.1,6.55,4.644,2,0.714,8 285 | 283,B4 LM,STUART,2949.5,15.937,0.962,-0.4,7.4,4.634,2,0.643,8 286 | 284,B4 LM,STUART,2950.0,19.348,0.901,-1.0,7.9,4.545,2,0.571,8 287 | 285,B4 LM,STUART,2950.5,21.469,0.906,-1.1,6.75,4.576,2,0.5,8 288 | 286,B4 LM,STUART,2951.0,22.587,0.969,-1.4,5.5,4.527,2,0.429,8 289 | 287,B4 LM,STUART,2951.5,25.721,1.079,-0.9,4.45,4.512,2,0.357,8 290 | 288,B4 LM,STUART,2952.0,29.45,1.2,0.0,4.0,4.437,2,0.286,6 291 | 289,B4 LM,STUART,2952.5,36.313,1.169,-3.3,6.95,3.97,2,0.214,6 292 | 290,B4 LM,STUART,2953.0,49.491,0.909,-8.9,13.85,3.695,2,0.143,8 293 | 291,B5 SH,STUART,2953.5,69.222,0.469,-6.0,27.9,3.351,1,1.0,3 294 | 292,B5 SH,STUART,2954.0,70.968,0.444,-2.5,28.85,3.49,1,0.75,3 295 | 293,B5 SH,STUART,2954.5,65.379,0.501,-0.3,22.75,3.9,1,0.5,3 296 | 294,B5 SH,STUART,2955.0,54.093,0.56,-0.5,16.75,4.126,1,0.25,2 297 | 295,B5 LM,STUART,2955.5,41.633,0.541,3.9,11.55,4.482,2,1.0,5 298 | 296,B5 LM,STUART,2956.0,33.644,0.439,3.8,11.7,4.707,2,0.976,6 299 | 297,B5 LM,STUART,2956.5,28.977,0.321,1.3,14.45,4.447,2,0.951,8 300 | 298,B5 LM,STUART,2957.0,24.611,0.232,-1.1,17.25,4.481,2,0.927,8 301 | 299,B5 LM,STUART,2957.5,24.154,0.184,-2.9,19.65,4.327,2,0.902,8 302 | 300,B5 LM,STUART,2958.0,25.639,0.173,-2.4,20.5,4.302,2,0.878,8 303 | 301,B5 LM,STUART,2958.5,25.957,0.191,-2.4,19.9,4.294,2,0.854,8 304 | 302,B5 LM,STUART,2959.0,38.965,0.266,-2.1,17.05,4.228,2,0.805,8 305 | 303,B5 LM,STUART,2959.5,45.354,0.301,0.2,14.8,4.127,2,0.78,8 306 | 304,B5 LM,STUART,2960.0,53.645,0.327,2.6,12.6,3.908,2,0.756,8 307 | 305,B5 LM,STUART,2960.5,60.164,0.338,3.8,12.2,3.74,2,0.732,6 308 | 306,B5 LM,STUART,2961.0,64.032,0.334,5.5,13.15,3.538,2,0.707,6 309 | 307,B5 LM,STUART,2961.5,66.774,0.323,7.9,14.75,3.558,2,0.683,7 310 | 308,B5 LM,STUART,2962.0,68.423,0.313,8.1,15.75,3.476,2,0.659,7 311 | 309,B5 LM,STUART,2962.5,63.502,0.318,6.1,14.75,3.682,2,0.634,7 312 | 310,B5 LM,STUART,2963.0,57.904,0.349,2.8,12.9,3.937,2,0.61,8 313 | 311,B5 LM,STUART,2963.5,52.935,0.415,2.3,10.25,4.133,2,0.585,8 314 | 312,B5 LM,STUART,2964.0,45.125,0.507,2.3,8.45,4.248,2,0.561,8 315 | 313,B5 LM,STUART,2964.5,39.927,0.605,3.5,6.75,4.468,2,0.537,6 316 | 314,B5 LM,STUART,2965.0,36.215,0.703,2.4,6.0,4.575,2,0.512,6 317 | 315,B5 LM,STUART,2965.5,31.253,0.787,2.3,4.45,4.557,2,0.488,8 318 | 316,B5 LM,STUART,2966.0,28.446,0.832,2.2,3.4,4.573,2,0.463,8 319 | 317,B5 LM,STUART,2966.5,27.296,0.821,1.2,4.4,4.79,2,0.439,8 320 | 318,B5 LM,STUART,2967.0,28.944,0.755,-0.4,7.3,4.887,2,0.415,6 321 | 319,B5 LM,STUART,2967.5,31.596,0.659,-1.6,11.0,4.824,2,0.39,9 322 | 320,B5 LM,STUART,2968.0,33.212,0.574,-3.1,14.45,4.765,2,0.366,9 323 | 321,B5 LM,STUART,2968.5,34.689,0.517,-3.0,16.4,4.766,2,0.341,9 324 | 322,B5 LM,STUART,2969.0,39.266,0.493,-1.9,16.15,4.705,2,0.317,9 325 | 323,B5 LM,STUART,2969.5,50.103,0.499,-2.0,14.6,4.453,2,0.293,9 326 | 324,B5 LM,STUART,2970.0,65.167,0.525,-1.6,13.1,4.366,2,0.268,8 327 | 325,B5 LM,STUART,2970.5,76.436,0.557,-0.6,11.7,4.289,2,0.244,8 328 | 326,B5 LM,STUART,2971.0,92.886,0.628,-0.2,9.4,4.272,2,0.195,6 329 | 327,B5 LM,STUART,2971.5,99.643,0.683,-0.3,7.95,4.395,2,0.171,6 330 | 328,B5 LM,STUART,2972.0,101.585,0.757,0.0,6.5,4.51,2,0.146,8 331 | 329,B5 LM,STUART,2972.5,95.775,0.85,1.6,4.9,4.53,2,0.122,3 332 | 330,B5 LM,STUART,2973.0,87.036,0.951,2.1,3.95,4.456,2,0.098,6 333 | 331,B5 LM,STUART,2973.5,72.331,1.019,2.6,3.6,4.056,2,0.073,6 334 | 332,B5 LM,STUART,2974.0,58.859,0.991,3.4,3.9,3.712,2,0.049,6 335 | 333,B5 LM,STUART,2974.5,60.932,0.857,1.3,7.35,3.371,2,0.024,2 336 | 334,C SH,STUART,2975.0,67.655,0.675,-0.8,14.4,3.131,1,1.0,2 337 | 335,C SH,STUART,2975.5,77.219,0.528,6.8,20.9,3.008,1,0.977,3 338 | 336,C SH,STUART,2976.0,82.115,0.459,10.6,24.2,2.988,1,0.953,3 339 | 337,C SH,STUART,2976.5,84.865,0.446,9.4,23.7,3.134,1,0.93,3 340 | 338,C SH,STUART,2977.0,84.384,0.449,13.3,21.45,3.409,1,0.907,3 341 | 339,C SH,STUART,2977.5,81.772,0.443,14.8,20.9,3.483,1,0.884,3 342 | 340,C SH,STUART,2978.0,78.998,0.444,16.5,20.65,3.438,1,0.837,3 343 | 341,C SH,STUART,2978.5,79.896,0.457,14.9,20.15,3.423,1,0.814,3 344 | 342,C SH,STUART,2979.0,79.194,0.462,14.8,19.9,3.45,1,0.791,3 345 | 343,C SH,STUART,2979.5,78.99,0.451,13.5,19.65,3.393,1,0.767,3 346 | 344,C SH,STUART,2980.0,79.21,0.441,15.1,18.95,3.475,1,0.744,3 347 | 345,C SH,STUART,2980.5,78.1,0.451,15.6,17.5,3.478,1,0.721,3 348 | 346,C SH,STUART,2981.0,78.59,0.489,14.3,16.75,3.505,1,0.698,3 349 | 347,C SH,STUART,2981.5,79.439,0.544,12.7,15.25,3.478,1,0.674,3 350 | 348,C SH,STUART,2982.0,81.299,0.576,11.5,14.65,3.453,1,0.651,2 351 | 349,C SH,STUART,2982.5,78.933,0.494,11.9,14.85,3.479,1,0.605,3 352 | 350,C SH,STUART,2983.0,79.471,0.441,13.4,16.3,3.494,1,0.581,3 353 | 351,C SH,STUART,2983.5,81.895,0.431,14.2,16.8,3.441,1,0.558,3 354 | 352,C SH,STUART,2984.0,82.768,0.468,14.3,16.05,3.493,1,0.535,3 355 | 353,C SH,STUART,2984.5,79.022,0.537,12.9,15.05,3.5,1,0.512,2 356 | 354,C SH,STUART,2985.0,76.746,0.601,11.4,13.8,3.441,1,0.488,2 357 | 355,C SH,STUART,2985.5,73.066,0.638,11.1,13.25,3.426,1,0.465,2 358 | 356,C SH,STUART,2986.0,70.356,0.651,11.0,13.1,3.447,1,0.442,2 359 | 357,C SH,STUART,2986.5,74.608,0.621,10.5,14.85,3.399,1,0.395,2 360 | 358,C SH,STUART,2987.0,73.008,0.585,11.1,15.15,3.393,1,0.372,2 361 | 359,C SH,STUART,2987.5,70.438,0.546,12.1,15.15,3.439,1,0.349,2 362 | 360,C SH,STUART,2988.0,68.08,0.5,13.5,14.65,3.478,1,0.326,2 363 | 361,C SH,STUART,2988.5,66.75,0.46,13.6,15.2,3.461,1,0.302,2 364 | 362,C SH,STUART,2989.0,69.451,0.455,13.4,14.8,3.494,1,0.279,2 365 | 363,C SH,STUART,2989.5,75.946,0.494,14.2,14.0,3.541,1,0.256,2 366 | 364,C SH,STUART,2990.0,80.344,0.556,11.8,13.6,3.522,1,0.233,2 367 | 365,C SH,STUART,2990.5,83.772,0.616,10.4,12.9,3.476,1,0.186,3 368 | 366,C SH,STUART,2991.0,84.767,0.618,10.7,12.55,3.39,1,0.163,2 369 | 367,C SH,STUART,2991.5,84.09,0.616,9.4,13.4,3.289,1,0.14,2 370 | 368,C SH,STUART,2992.0,86.628,0.601,8.8,14.4,3.19,1,0.116,2 371 | 369,C SH,STUART,2992.5,90.43,0.556,2.0,21.4,3.045,1,0.093,3 372 | 370,C SH,STUART,2993.0,87.077,0.498,2.0,26.4,3.088,1,0.07,3 373 | 371,C SH,STUART,2993.5,76.623,0.479,5.3,28.45,3.224,1,0.047,2 374 | 372,C SH,STUART,2994.0,62.768,0.546,3.2,26.3,3.334,1,0.023,5 375 | 373,C LM,STUART,2994.5,43.738,0.703,1.8,19.3,3.876,2,1.0,8 376 | 374,C LM,STUART,2995.0,27.859,0.855,6.9,11.75,4.508,2,0.993,8 377 | 375,C LM,STUART,2995.5,18.034,0.879,5.3,9.55,4.815,2,0.985,8 378 | 376,C LM,STUART,2996.0,13.203,0.83,3.0,9.1,4.863,2,0.978,8 379 | 377,C LM,STUART,2996.5,12.762,0.767,2.0,8.9,5.024,2,0.97,8 380 | 378,C LM,STUART,2997.0,14.843,0.702,1.8,9.2,4.616,2,0.963,8 381 | 379,C LM,STUART,2997.5,19.087,0.644,0.4,10.4,4.172,2,0.955,8 382 | 380,C LM,STUART,2998.0,19.087,0.644,0.4,10.4,4.172,2,0.955,8 383 | 381,C LM,STUART,2998.5,25.207,0.601,-0.2,10.7,3.97,2,0.948,8 384 | 382,C LM,STUART,2999.0,27.997,0.587,1.1,10.25,3.933,2,0.94,8 385 | 383,C LM,STUART,2999.5,28.822,0.602,2.2,10.0,3.875,2,0.933,8 386 | 384,C LM,STUART,3000.0,28.618,0.622,1.9,10.35,3.969,2,0.925,8 387 | 385,C LM,STUART,3000.5,24.815,0.612,0.7,11.15,4.118,2,0.918,8 388 | 386,C LM,STUART,3001.0,23.371,0.575,0.2,11.8,4.243,2,0.91,8 389 | 387,C LM,STUART,3001.5,23.052,0.542,0.1,12.35,4.196,2,0.903,8 390 | 388,C LM,STUART,3002.0,23.109,0.522,-0.1,12.15,4.192,2,0.896,8 391 | 389,C LM,STUART,3002.5,24.138,0.511,-0.3,12.05,3.978,2,0.888,8 392 | 390,C LM,STUART,3003.0,24.448,0.511,-0.1,11.75,3.975,2,0.881,8 393 | 391,C LM,STUART,3003.5,25.419,0.523,0.0,11.6,3.962,2,0.873,8 394 | 392,C LM,STUART,3004.0,26.724,0.56,-0.7,11.35,3.99,2,0.866,8 395 | 393,C LM,STUART,3004.5,29.213,0.623,-0.8,10.7,3.885,2,0.858,8 396 | 394,C LM,STUART,3005.0,34.036,0.686,0.4,9.4,3.816,2,0.851,8 397 | 395,C LM,STUART,3005.5,38.157,0.716,1.7,7.75,3.66,2,0.843,5 398 | 396,C LM,STUART,3006.0,40.45,0.701,1.8,6.8,3.544,2,0.836,5 399 | 397,C LM,STUART,3006.5,41.576,0.662,3.5,6.45,3.392,2,0.828,5 400 | 398,C LM,STUART,3007.0,40.123,0.633,3.7,7.35,3.24,2,0.821,5 401 | 399,C LM,STUART,3007.5,36.663,0.632,3.4,8.1,3.212,2,0.813,7 402 | 400,C LM,STUART,3008.0,32.706,0.65,3.8,8.3,3.253,2,0.806,7 403 | 401,C LM,STUART,3008.5,30.323,0.672,3.4,8.7,3.289,2,0.799,5 404 | 402,C LM,STUART,3009.0,28.601,0.694,3.0,9.4,3.314,2,0.791,5 405 | 403,C LM,STUART,3009.5,28.169,0.721,2.4,9.7,3.262,2,0.784,5 406 | 404,C LM,STUART,3010.0,29.442,0.756,1.4,9.8,3.31,2,0.776,5 407 | 405,C LM,STUART,3010.5,30.878,0.795,0.7,9.55,3.359,2,0.769,5 408 | 406,C LM,STUART,3011.0,32.151,0.832,0.1,9.35,3.409,2,0.761,5 409 | 407,C LM,STUART,3011.5,33.677,0.856,0.4,9.1,3.417,2,0.754,5 410 | 408,C LM,STUART,3012.0,33.701,0.872,1.1,8.95,3.444,2,0.746,5 411 | 409,C LM,STUART,3012.5,35.105,0.889,1.5,8.75,3.466,2,0.739,5 412 | 410,C LM,STUART,3013.0,37.104,0.914,1.6,8.6,3.49,2,0.731,5 413 | 411,C LM,STUART,3013.5,37.349,0.939,2.1,7.95,3.418,2,0.724,6 414 | 412,C LM,STUART,3014.0,37.936,0.952,2.4,7.7,3.504,2,0.716,6 415 | 413,C LM,STUART,3014.5,39.087,0.953,2.1,7.75,3.511,2,0.709,5 416 | 414,C LM,STUART,3015.0,38.059,0.951,1.7,7.55,3.55,2,0.701,5 417 | 415,C LM,STUART,3015.5,37.202,0.952,2.2,7.3,3.603,2,0.694,6 418 | 416,C LM,STUART,3016.0,37.218,0.951,1.8,7.5,3.675,2,0.687,5 419 | 417,C LM,STUART,3016.5,37.781,0.949,1.4,7.6,3.741,2,0.679,5 420 | 418,C LM,STUART,3017.0,40.164,0.948,1.5,7.35,3.735,2,0.672,5 421 | 419,C LM,STUART,3017.5,40.956,0.95,1.6,7.3,3.747,2,0.664,5 422 | 420,C LM,STUART,3018.0,41.013,0.952,1.5,7.25,3.64,2,0.657,5 423 | 421,C LM,STUART,3018.5,42.547,0.95,1.9,7.15,3.683,2,0.649,5 424 | 422,C LM,STUART,3019.0,41.192,0.945,2.0,7.0,3.644,2,0.642,5 425 | 423,C LM,STUART,3019.5,42.726,0.941,2.3,7.15,3.704,2,0.634,5 426 | 424,C LM,STUART,3020.0,44.407,0.942,3.4,7.0,3.695,2,0.627,5 427 | 425,C LM,STUART,3020.5,45.387,0.946,3.8,6.8,3.788,2,0.619,6 428 | 426,C LM,STUART,3021.0,45.052,0.945,2.6,7.5,3.917,2,0.612,5 429 | 427,C LM,STUART,3021.5,46.129,0.935,2.4,7.4,3.948,2,0.604,5 430 | 428,C LM,STUART,3022.0,47.826,0.925,2.5,7.05,4.016,2,0.597,5 431 | 429,C LM,STUART,3022.5,50.054,0.925,2.3,6.75,3.935,2,0.59,5 432 | 430,C LM,STUART,3023.0,55.562,0.933,1.8,6.9,3.974,2,0.582,4 433 | 431,C LM,STUART,3023.5,63.029,0.947,2.0,6.8,3.859,2,0.575,4 434 | 432,C LM,STUART,3024.0,75.399,0.966,1.9,6.45,3.681,2,0.567,4 435 | 433,C LM,STUART,3024.5,102.116,0.987,0.2,6.9,3.561,2,0.56,8 436 | 434,C LM,STUART,3025.0,140.778,0.993,-0.4,7.0,3.513,2,0.552,8 437 | 435,C LM,STUART,3025.5,183.358,0.981,-0.3,7.35,3.437,2,0.545,3 438 | 436,C LM,STUART,3026.0,213.999,0.977,0.2,7.8,3.412,2,0.537,4 439 | 437,C LM,STUART,3026.5,220.413,1.004,0.0,8.0,3.528,2,0.53,4 440 | 438,C LM,STUART,3027.0,200.306,1.027,0.0,8.0,3.671,2,0.522,4 441 | 439,C LM,STUART,3027.5,162.149,0.999,-0.2,8.5,3.746,2,0.515,6 442 | 440,C LM,STUART,3028.0,121.202,0.95,0.2,9.2,3.892,2,0.507,8 443 | 441,C LM,STUART,3028.5,92.805,0.916,1.3,9.95,3.924,2,0.5,8 444 | 442,C LM,STUART,3029.0,77.758,0.894,1.9,10.65,3.953,2,0.493,4 445 | 443,C LM,STUART,3029.5,67.623,0.879,2.9,10.85,3.889,2,0.485,4 446 | 444,C LM,STUART,3030.0,62.376,0.873,2.5,11.45,3.799,2,0.478,4 447 | 445,C LM,STUART,3030.5,59.463,0.873,2.1,11.25,3.773,2,0.47,4 448 | 446,C LM,STUART,3031.0,55.211,0.872,2.7,10.45,3.784,2,0.463,4 449 | 447,C LM,STUART,3031.5,51.727,0.866,2.3,10.35,3.787,2,0.455,4 450 | 448,C LM,STUART,3032.0,52.38,0.858,2.1,10.75,3.776,2,0.448,4 451 | 449,C LM,STUART,3032.5,53.122,0.851,2.5,11.05,3.724,2,0.44,4 452 | 450,C LM,STUART,3033.0,51.245,0.844,2.7,11.25,3.697,2,0.433,6 453 | 451,C LM,STUART,3033.5,52.208,0.836,1.5,11.75,3.653,2,0.425,4 454 | 452,C LM,STUART,3034.0,54.95,0.826,1.3,12.05,3.647,2,0.418,4 455 | 453,C LM,STUART,3034.5,54.436,0.817,2.0,12.0,3.65,2,0.41,4 456 | 454,C LM,STUART,3035.0,54.811,0.81,1.8,12.1,3.678,2,0.403,4 457 | 455,C LM,STUART,3035.5,55.603,0.801,1.6,12.2,3.644,2,0.396,4 458 | 456,C LM,STUART,3036.0,54.289,0.785,1.3,12.75,3.656,2,0.388,4 459 | 457,C LM,STUART,3036.5,52.38,0.768,2.0,13.0,3.598,2,0.381,4 460 | 458,C LM,STUART,3037.0,53.645,0.758,2.0,13.7,3.582,2,0.373,4 461 | 459,C LM,STUART,3037.5,53.93,0.757,2.1,13.75,3.581,2,0.366,4 462 | 460,C LM,STUART,3038.0,56.072,0.755,2.9,13.75,3.645,2,0.358,4 463 | 461,C LM,STUART,3038.5,59.017,0.75,4.0,13.7,3.694,2,0.351,4 464 | 462,C LM,STUART,3039.0,62.144,0.742,4.4,14.1,3.65,2,0.343,4 465 | 463,C LM,STUART,3039.5,64.814,0.73,4.8,14.2,3.66,2,0.336,4 466 | 464,C LM,STUART,3040.0,66.705,0.714,5.6,14.6,3.689,2,0.328,4 467 | 465,C LM,STUART,3040.5,67.568,0.695,6.5,15.45,3.674,2,0.321,4 468 | 466,C LM,STUART,3041.0,67.683,0.676,6.7,15.65,3.603,2,0.313,4 469 | 467,C LM,STUART,3041.5,67.683,0.662,6.0,15.4,3.562,2,0.306,4 470 | 468,C LM,STUART,3042.0,67.683,0.666,5.7,15.25,3.57,2,0.299,4 471 | 469,C LM,STUART,3042.5,67.683,0.701,6.0,15.2,3.603,2,0.291,4 472 | 470,C LM,STUART,3043.0,67.683,0.778,5.1,15.65,3.537,2,0.284,4 473 | 471,C LM,STUART,3043.5,67.683,0.882,4.9,15.75,3.547,2,0.276,4 474 | 472,C LM,STUART,3044.0,67.683,0.973,4.4,15.8,3.533,2,0.269,5 475 | 473,C LM,STUART,3044.5,67.683,1.017,3.5,16.25,3.495,2,0.261,8 476 | 474,A1 LM,CRAWFORD,2972.5,49.675,0.845,3.905,11.175,3.265,2,1.0,6 477 | 475,A1 LM,CRAWFORD,2973.0,34.435,0.879,3.085,8.175,3.831,2,0.991,8 478 | 476,A1 LM,CRAWFORD,2973.5,26.178,0.92,2.615,4.945,4.306,2,0.981,8 479 | 477,A1 LM,CRAWFORD,2974.0,19.463,0.967,0.82,3.82,4.578,2,0.972,8 480 | 478,A1 LM,CRAWFORD,2974.5,19.26,0.995,0.32,3.63,4.643,2,0.962,8 481 | 479,A1 LM,CRAWFORD,2975.0,19.985,1.008,0.06,4.32,4.614,2,0.953,8 482 | 480,A1 LM,CRAWFORD,2975.5,22.298,1.002,-0.01,5.5,4.491,2,0.943,8 483 | 481,A1 LM,CRAWFORD,2976.0,24.611,0.956,0.05,6.87,4.369,2,0.934,8 484 | 482,A1 LM,CRAWFORD,2976.5,24.677,0.824,0.31,6.94,4.047,2,0.915,8 485 | 483,A1 LM,CRAWFORD,2977.0,24.946,0.667,0.965,5.915,3.893,2,0.906,8 486 | 484,A1 LM,CRAWFORD,2977.5,29.31,0.559,2.11,6.15,3.52,2,0.896,7 487 | 485,A1 LM,CRAWFORD,2978.0,37.322,0.522,3.375,8.445,3.125,2,0.887,7 488 | 486,A1 LM,CRAWFORD,2978.5,42.142,0.51,3.985,10.785,2.843,2,0.877,7 489 | 487,A1 LM,CRAWFORD,2979.0,52.434,0.492,4.42,13.15,2.674,2,0.868,4 490 | 488,A1 LM,CRAWFORD,2979.5,63.181,0.473,5.18,14.13,2.644,2,0.858,6 491 | 489,A1 LM,CRAWFORD,2980.0,69.405,0.465,5.52,14.56,2.663,2,0.849,6 492 | 490,A1 LM,CRAWFORD,2980.5,77.785,0.475,5.82,14.94,2.68,2,0.84,6 493 | 491,A1 LM,CRAWFORD,2981.0,83.577,0.469,5.965,15.395,2.666,2,0.83,6 494 | 492,A1 LM,CRAWFORD,2981.5,84.058,0.513,6.025,15.855,2.622,2,0.821,6 495 | 493,A1 LM,CRAWFORD,2982.0,81.82,0.544,5.95,16.05,2.609,2,0.811,6 496 | 494,A1 LM,CRAWFORD,2982.5,80.257,0.563,5.74,16.1,2.626,2,0.802,6 497 | 495,A1 LM,CRAWFORD,2983.0,79.833,0.579,5.135,15.715,2.662,2,0.792,6 498 | 496,A1 LM,CRAWFORD,2983.5,80.323,0.583,4.565,15.275,2.693,2,0.783,6 499 | 497,A1 LM,CRAWFORD,2984.0,84.704,0.59,4.365,15.165,2.711,2,0.774,6 500 | 498,A1 LM,CRAWFORD,2984.5,96.674,0.596,4.725,15.565,2.744,2,0.764,6 501 | 499,A1 LM,CRAWFORD,2985.0,112.662,0.609,4.88,15.71,2.824,2,0.755,6 502 | 500,A1 LM,CRAWFORD,2985.5,131.484,0.634,5.11,15.6,2.935,2,0.745,3 503 | 501,A1 LM,CRAWFORD,2986.0,138.169,0.659,5.33,15.1,3.0,2,0.736,3 504 | 502,A1 LM,CRAWFORD,2986.5,135.045,0.682,5.1,14.46,3.048,2,0.726,3 505 | 503,A1 LM,CRAWFORD,2987.0,117.726,0.707,4.415,13.315,3.097,2,0.717,6 506 | 504,A1 LM,CRAWFORD,2987.5,98.382,0.729,3.395,11.695,3.193,2,0.708,4 507 | 505,A1 LM,CRAWFORD,2988.0,91.348,0.771,3.235,10.985,3.308,2,0.698,4 508 | 506,A1 LM,CRAWFORD,2988.5,87.05,0.831,3.21,10.64,3.493,2,0.689,4 509 | 507,A1 LM,CRAWFORD,2989.0,82.98,0.928,2.835,10.115,3.526,2,0.679,4 510 | 508,A1 LM,CRAWFORD,2989.5,67.264,1.019,0.475,8.435,3.217,2,0.67,6 511 | 509,A1 LM,CRAWFORD,2990.0,57.069,1.047,-2.385,7.115,3.157,2,0.66,8 512 | 510,A1 LM,CRAWFORD,2990.5,46.874,1.066,-3.97,6.6,3.159,2,0.651,8 513 | 511,A1 LM,CRAWFORD,2991.0,39.325,1.06,-3.69,7.15,3.224,2,0.642,8 514 | 512,A1 LM,CRAWFORD,2991.5,43.946,1.042,-2.73,7.29,3.272,2,0.632,8 515 | 513,A1 LM,CRAWFORD,2992.0,51.73,1.005,-0.9,7.98,3.29,2,0.623,6 516 | 514,A1 LM,CRAWFORD,2992.5,58.374,0.956,1.46,9.41,3.277,2,0.613,5 517 | 515,A1 LM,CRAWFORD,2993.0,67.754,0.904,3.985,11.545,3.296,2,0.604,4 518 | 516,A1 LM,CRAWFORD,2993.5,71.206,0.874,5.045,12.915,3.328,2,0.594,4 519 | 517,A1 LM,CRAWFORD,2994.0,69.188,0.852,4.86,12.85,3.33,2,0.585,4 520 | 518,A1 LM,CRAWFORD,2994.5,58.452,0.841,3.455,11.265,3.332,2,0.575,5 521 | 519,A1 LM,CRAWFORD,2995.0,38.715,0.816,2.185,9.855,3.365,2,0.566,6 522 | 520,A1 LM,CRAWFORD,2995.5,30.541,0.801,0.96,8.76,3.476,2,0.557,5 523 | 521,A1 LM,CRAWFORD,2996.0,21.684,0.792,-0.04,8.28,3.774,2,0.547,8 524 | 522,A1 LM,CRAWFORD,2996.5,21.252,0.793,-0.505,9.225,4.041,2,0.538,8 525 | 523,A1 LM,CRAWFORD,2997.0,23.117,0.793,-0.555,9.895,4.292,2,0.528,8 526 | 524,A1 LM,CRAWFORD,2997.5,28.85,0.791,-0.46,9.89,4.371,2,0.519,8 527 | 525,A1 LM,CRAWFORD,2998.0,36.226,0.788,-0.085,9.175,4.112,2,0.509,8 528 | 526,A1 LM,CRAWFORD,2998.5,42.83,0.801,0.41,8.49,3.91,2,0.5,5 529 | 527,A1 LM,CRAWFORD,2999.0,46.846,0.82,1.255,8.275,3.793,2,0.491,6 530 | 528,A1 LM,CRAWFORD,2999.5,48.133,0.845,1.77,8.29,3.486,2,0.481,6 531 | 529,A1 LM,CRAWFORD,3000.0,43.162,0.874,1.35,8.64,3.263,2,0.472,6 532 | 530,A1 LM,CRAWFORD,3000.5,36.586,0.92,1.01,8.74,3.187,2,0.462,6 533 | 531,A1 LM,CRAWFORD,3001.0,32.746,0.955,0.625,8.535,3.173,2,0.453,6 534 | 532,A1 LM,CRAWFORD,3001.5,30.957,0.974,0.565,8.555,3.315,2,0.443,6 535 | 533,A1 LM,CRAWFORD,3002.0,30.765,0.981,0.545,8.575,3.441,2,0.434,6 536 | 534,A1 LM,CRAWFORD,3002.5,31.265,0.987,0.625,8.425,3.618,2,0.425,6 537 | 535,A1 LM,CRAWFORD,3003.0,33.124,0.994,0.755,8.045,3.943,2,0.415,6 538 | 536,A1 LM,CRAWFORD,3003.5,35.211,0.997,0.635,7.555,4.07,2,0.406,6 539 | 537,A1 LM,CRAWFORD,3004.0,36.386,0.988,0.125,7.135,3.885,2,0.396,6 540 | 538,A1 LM,CRAWFORD,3004.5,38.017,0.951,-0.175,6.875,3.654,2,0.387,6 541 | 539,A1 LM,CRAWFORD,3005.0,41.016,0.903,0.055,6.825,3.438,2,0.377,6 542 | 540,A1 LM,CRAWFORD,3005.5,49.654,0.854,1.52,7.51,3.33,2,0.368,6 543 | 541,A1 LM,CRAWFORD,3006.0,62.068,0.799,3.1,9.13,3.209,2,0.358,6 544 | 542,A1 LM,CRAWFORD,3006.5,71.222,0.74,4.0,10.98,3.087,2,0.349,4 545 | 543,A1 LM,CRAWFORD,3007.0,73.309,0.691,4.015,12.425,2.98,2,0.34,4 546 | 544,A1 LM,CRAWFORD,3007.5,69.469,0.627,3.19,13.37,2.904,2,0.33,4 547 | 545,A1 LM,CRAWFORD,3008.0,65.857,0.559,2.1,14.08,2.859,2,0.321,4 548 | 546,A1 LM,CRAWFORD,3008.5,58.369,0.504,0.715,14.235,2.83,2,0.311,4 549 | 547,A1 LM,CRAWFORD,3009.0,56.125,0.435,-0.775,13.415,2.786,2,0.302,6 550 | 548,A1 LM,CRAWFORD,3009.5,56.769,0.378,-1.155,12.805,2.726,2,0.292,8 551 | 549,A1 LM,CRAWFORD,3010.0,62.587,0.298,-0.18,12.87,2.588,2,0.283,3 552 | 550,A1 LM,CRAWFORD,3010.5,64.674,0.252,0.24,14.42,2.465,2,0.274,3 553 | 551,A1 LM,CRAWFORD,3011.0,64.253,0.212,0.24,16.36,2.374,2,0.264,3 554 | 552,A1 LM,CRAWFORD,3011.5,61.553,0.166,-0.295,18.395,2.329,2,0.255,3 555 | 553,A1 LM,CRAWFORD,3012.0,60.221,0.114,-0.59,19.27,2.315,2,0.245,3 556 | 554,A1 LM,CRAWFORD,3012.5,59.116,0.093,-0.655,19.655,2.302,2,0.236,3 557 | 555,A1 LM,CRAWFORD,3013.0,57.997,0.081,-0.8,19.69,2.258,2,0.226,3 558 | 556,A1 LM,CRAWFORD,3013.5,57.363,0.091,-1.105,19.095,2.243,2,0.217,3 559 | 557,A1 LM,CRAWFORD,3014.0,57.863,0.144,-1.27,18.12,2.261,2,0.208,3 560 | 558,A1 LM,CRAWFORD,3014.5,59.038,0.206,-1.26,17.03,2.326,2,0.198,3 561 | 559,A1 LM,CRAWFORD,3015.0,60.213,0.29,-1.04,16.68,2.409,2,0.189,3 562 | 560,A1 LM,CRAWFORD,3015.5,61.16,0.368,-0.14,16.68,2.781,2,0.179,3 563 | 561,A1 LM,CRAWFORD,3016.0,58.46,0.468,-0.25,15.21,3.327,2,0.17,8 564 | 562,A1 LM,CRAWFORD,3016.5,53.48,0.564,0.36,11.47,3.796,2,0.16,8 565 | 563,A1 LM,CRAWFORD,3017.0,51.692,0.657,0.825,8.125,4.062,2,0.151,8 566 | 564,A1 LM,CRAWFORD,3017.5,67.238,0.807,1.7,7.13,4.173,2,0.142,8 567 | 565,A1 LM,CRAWFORD,3018.0,74.796,0.89,2.905,7.335,4.19,2,0.132,8 568 | 566,A1 LM,CRAWFORD,3018.5,75.743,0.925,3.055,7.765,4.302,2,0.123,8 569 | 567,A1 LM,CRAWFORD,3019.0,70.991,0.928,2.325,7.785,4.444,2,0.113,8 570 | 568,A1 LM,CRAWFORD,3019.5,57.348,0.929,1.355,7.395,4.492,2,0.104,4 571 | 569,A1 LM,CRAWFORD,3020.0,46.213,0.929,0.67,7.43,4.385,2,0.094,4 572 | 570,A1 LM,CRAWFORD,3020.5,42.116,0.926,0.19,7.17,4.201,2,0.085,4 573 | 571,A1 LM,CRAWFORD,3021.0,44.925,0.918,-0.19,6.69,4.093,2,0.075,8 574 | 572,A1 LM,CRAWFORD,3021.5,55.903,0.912,0.07,5.72,4.034,2,0.066,8 575 | 573,A1 LM,CRAWFORD,3022.0,66.196,0.906,0.495,5.375,3.958,2,0.057,8 576 | 574,A1 LM,CRAWFORD,3022.5,73.526,0.894,1.44,5.26,3.82,2,0.047,8 577 | 575,B1 SH,CRAWFORD,3032.0,72.392,0.709,-0.74,18.41,2.629,1,0.125,3 578 | 576,B1 SH,CRAWFORD,3032.5,69.928,0.792,-0.69,19.32,2.616,1,0.063,3 579 | 577,B1 LM,CRAWFORD,3033.0,64.72,0.849,-0.96,16.33,2.914,2,1.0,3 580 | 578,B1 LM,CRAWFORD,3033.5,52.445,0.892,0.91,11.35,3.292,2,0.977,6 581 | 579,B1 LM,CRAWFORD,3034.0,43.362,0.93,-0.02,6.92,3.571,2,0.955,8 582 | 580,B1 LM,CRAWFORD,3034.5,42.064,0.974,0.015,5.495,3.435,2,0.909,6 583 | 581,B1 LM,CRAWFORD,3035.0,45.642,0.956,0.005,5.475,3.375,2,0.886,6 584 | 582,B1 LM,CRAWFORD,3035.5,53.266,0.932,-0.105,5.545,3.299,2,0.864,6 585 | 583,B1 LM,CRAWFORD,3036.0,59.043,0.894,0.17,6.99,3.114,2,0.841,5 586 | 584,B1 LM,CRAWFORD,3036.5,62.331,0.834,-0.245,9.835,2.813,2,0.818,5 587 | 585,B1 LM,CRAWFORD,3037.0,60.946,0.884,-1.69,16.08,2.745,2,0.795,3 588 | 586,B1 LM,CRAWFORD,3037.5,53.914,0.918,-0.72,19.54,3.152,2,0.773,3 589 | 587,B1 LM,CRAWFORD,3038.0,45.287,0.922,-0.86,18.44,3.962,2,0.75,8 590 | 588,B1 LM,CRAWFORD,3038.5,30.049,0.925,0.445,13.565,4.571,2,0.727,9 591 | 589,B1 LM,CRAWFORD,3039.0,23.017,0.947,0.54,9.59,4.806,2,0.705,8 592 | 590,B1 LM,CRAWFORD,3039.5,21.228,0.973,-0.03,7.57,4.824,2,0.682,8 593 | 591,B1 LM,CRAWFORD,3040.0,20.109,0.985,0.225,6.725,4.81,2,0.659,8 594 | 592,B1 LM,CRAWFORD,3040.5,19.256,0.995,0.415,6.505,4.859,2,0.636,8 595 | 593,B1 LM,CRAWFORD,3041.0,18.38,0.999,0.44,6.29,4.892,2,0.614,8 596 | 594,B1 LM,CRAWFORD,3041.5,17.275,0.987,0.185,6.075,4.91,2,0.591,8 597 | 595,B1 LM,CRAWFORD,3042.0,16.39,0.975,0.015,5.815,4.88,2,0.568,8 598 | 596,B1 LM,CRAWFORD,3042.5,16.197,0.963,-0.205,5.445,4.834,2,0.545,8 599 | 597,B1 LM,CRAWFORD,3043.0,16.469,0.957,-0.225,5.335,4.76,2,0.523,8 600 | 598,B1 LM,CRAWFORD,3043.5,20.38,0.973,-0.295,5.255,4.669,2,0.5,8 601 | 599,B1 LM,CRAWFORD,3044.0,31.86,1.005,-0.185,5.045,4.547,2,0.477,8 602 | 600,B1 LM,CRAWFORD,3044.5,39.608,1.039,0.44,5.16,4.517,2,0.455,6 603 | 601,B1 LM,CRAWFORD,3045.0,43.291,1.064,0.96,5.09,4.488,2,0.432,6 604 | 602,B1 LM,CRAWFORD,3045.5,44.001,1.089,1.295,4.875,4.396,2,0.409,6 605 | 603,B1 LM,CRAWFORD,3046.0,38.574,1.112,0.7,4.09,4.275,2,0.386,6 606 | 604,B1 LM,CRAWFORD,3046.5,35.19,1.128,0.195,3.575,4.245,2,0.364,6 607 | 605,B1 LM,CRAWFORD,3047.0,32.946,1.131,-0.215,3.205,4.434,2,0.341,6 608 | 606,B1 LM,CRAWFORD,3047.5,31.613,1.128,-0.095,3.545,4.405,2,0.318,6 609 | 607,B1 LM,CRAWFORD,3048.0,32.113,1.092,-0.005,4.715,4.329,2,0.295,6 610 | 608,B1 LM,CRAWFORD,3048.5,32.368,1.052,0.29,5.42,4.285,2,0.273,6 611 | 609,B1 LM,CRAWFORD,3049.0,31.507,0.978,0.405,5.865,4.224,2,0.25,6 612 | 610,B1 LM,CRAWFORD,3049.5,30.849,0.88,0.445,6.595,4.04,2,0.227,8 613 | 611,B1 LM,CRAWFORD,3050.0,29.953,0.772,0.91,7.82,3.451,2,0.205,8 614 | 612,B1 LM,CRAWFORD,3050.5,28.876,0.723,1.24,9.64,3.141,2,0.182,6 615 | 613,B1 LM,CRAWFORD,3051.0,28.228,0.705,1.21,10.47,3.206,2,0.159,6 616 | 614,B1 LM,CRAWFORD,3051.5,28.263,0.693,1.005,10.355,3.38,2,0.136,8 617 | 615,B1 LM,CRAWFORD,3052.0,28.754,0.693,0.47,9.35,3.646,2,0.114,8 618 | 616,B1 LM,CRAWFORD,3052.5,34.26,0.694,0.34,7.94,3.974,2,0.091,8 619 | 617,B1 LM,CRAWFORD,3053.0,45.01,0.694,0.485,6.185,4.241,2,0.068,8 620 | 618,B1 LM,CRAWFORD,3053.5,55.98,0.707,0.665,5.945,4.093,2,0.045,8 621 | 619,B1 LM,CRAWFORD,3054.0,67.146,0.717,0.965,6.695,3.67,2,0.023,2 622 | 620,B2 SH,CRAWFORD,3054.5,80.0,0.708,1.965,8.815,3.361,1,1.0,2 623 | 621,B2 SH,CRAWFORD,3055.0,85.05,0.69,3.215,10.515,3.16,1,0.95,2 624 | 622,B2 SH,CRAWFORD,3055.5,83.946,0.659,3.965,11.115,3.178,1,0.9,2 625 | 623,B2 SH,CRAWFORD,3056.0,80.973,0.623,4.61,10.99,3.211,1,0.85,2 626 | 624,B2 SH,CRAWFORD,3056.5,78.782,0.592,4.845,10.905,3.213,1,0.8,2 627 | 625,B2 SH,CRAWFORD,3057.0,76.082,0.574,4.82,10.73,3.231,1,0.75,2 628 | 626,B2 SH,CRAWFORD,3057.5,72.925,0.562,4.535,10.405,3.217,1,0.7,2 629 | 627,B2 SH,CRAWFORD,3058.0,72.049,0.55,4.24,10.55,3.187,1,0.65,2 630 | 628,B2 SH,CRAWFORD,3058.5,71.391,0.535,4.115,11.005,3.128,1,0.6,2 631 | 629,B2 SH,CRAWFORD,3059.0,70.751,0.527,4.055,11.765,3.036,1,0.55,2 632 | 630,B2 SH,CRAWFORD,3059.5,71.261,0.533,4.235,12.565,3.007,1,0.5,2 633 | 631,B2 SH,CRAWFORD,3060.0,73.11,0.518,4.44,12.8,2.978,1,0.45,2 634 | 632,B2 SH,CRAWFORD,3060.5,75.425,0.491,3.815,12.085,2.903,1,0.4,2 635 | 633,B2 SH,CRAWFORD,3061.0,76.828,0.47,3.265,11.525,2.687,1,0.35,2 636 | 634,B2 SH,CRAWFORD,3061.5,75.04,0.458,3.16,11.69,2.58,1,0.3,2 637 | 635,B2 SH,CRAWFORD,3062.0,70.288,0.449,3.695,12.535,2.534,1,0.25,2 638 | 636,B2 LM,CRAWFORD,3062.5,66.266,0.443,4.505,13.995,2.553,1,0.2,1 639 | 637,B2 LM,CRAWFORD,3063.0,60.79,0.441,6.07,16.34,2.679,1,0.15,1 640 | 638,B2 LM,CRAWFORD,3063.5,54.67,0.444,6.25,16.74,3.35,1,0.1,2 641 | 639,B2 LM,CRAWFORD,3064.0,48.094,0.445,5.995,16.615,3.865,1,0.05,8 642 | 640,B2 LM,CRAWFORD,3064.5,41.062,0.445,3.425,13.955,4.24,2,1.0,6 643 | 641,B2 LM,CRAWFORD,3065.0,39.046,0.455,1.725,12.915,4.507,2,0.964,6 644 | 642,B2 LM,CRAWFORD,3065.5,38.169,0.458,1.1,12.79,4.354,2,0.929,6 645 | 643,B2 LM,CRAWFORD,3066.0,40.493,0.465,0.895,13.365,4.293,2,0.893,6 646 | 644,B2 LM,CRAWFORD,3066.5,43.948,0.459,0.68,13.98,4.248,2,0.857,6 647 | 645,B2 LM,CRAWFORD,3067.0,46.491,0.423,0.57,14.45,4.266,2,0.821,6 648 | 646,B2 LM,CRAWFORD,3067.5,47.21,0.392,0.565,14.945,4.331,2,0.786,8 649 | 647,B2 LM,CRAWFORD,3068.0,46.789,0.346,0.765,15.325,4.395,2,0.75,8 650 | 648,B2 LM,CRAWFORD,3068.5,45.912,0.325,0.985,15.625,4.397,2,0.714,8 651 | 649,B2 LM,CRAWFORD,3069.0,45.704,0.304,1.205,15.925,4.383,2,0.679,8 652 | 650,B2 LM,CRAWFORD,3069.5,45.527,0.295,1.27,15.89,4.276,2,0.643,8 653 | 651,B2 LM,CRAWFORD,3070.0,44.887,0.289,1.155,15.315,4.123,2,0.607,8 654 | 652,B2 LM,CRAWFORD,3070.5,44.23,0.29,0.815,14.205,3.95,2,0.571,8 655 | 653,B2 LM,CRAWFORD,3071.0,44.274,0.281,0.55,12.84,3.785,2,0.536,8 656 | 654,B2 LM,CRAWFORD,3071.5,45.221,0.247,0.545,11.605,3.647,2,0.5,8 657 | 655,B2 LM,CRAWFORD,3072.0,46.396,0.167,1.685,11.385,3.431,2,0.464,8 658 | 656,B2 LM,CRAWFORD,3072.5,46.888,0.118,2.92,12.76,3.2,2,0.429,3 659 | 657,B2 LM,CRAWFORD,3073.0,46.475,0.069,4.4,16.76,2.968,2,0.393,3 660 | 658,B2 LM,CRAWFORD,3073.5,46.738,0.042,5.065,20.085,2.815,2,0.357,3 661 | 659,B2 LM,CRAWFORD,3074.0,47.914,0.033,4.815,20.915,2.848,2,0.321,3 662 | 660,B2 LM,CRAWFORD,3074.5,51.596,0.04,4.485,20.755,2.99,2,0.286,3 663 | 661,B2 LM,CRAWFORD,3075.0,62.89,0.102,4.42,17.02,3.474,2,0.25,7 664 | 662,B2 LM,CRAWFORD,3075.5,80.38,0.22,3.955,12.965,4.067,2,0.214,7 665 | 663,B2 LM,CRAWFORD,3076.0,105.725,0.347,2.42,7.33,4.271,2,0.179,8 666 | 664,B2 LM,CRAWFORD,3076.5,131.069,0.524,1.655,5.355,3.838,2,0.143,8 667 | 665,B2 LM,CRAWFORD,3077.0,145.018,0.636,-0.905,7.135,3.203,2,0.107,8 668 | 666,B2 LM,CRAWFORD,3077.5,131.376,0.726,-1.94,12.26,2.816,2,0.071,3 669 | 667,B3 SH,CRAWFORD,3078.0,110.21,0.792,0.27,14.14,2.678,2,0.036,8 670 | 668,B3 SH,CRAWFORD,3078.5,89.045,0.826,3.14,13.7,2.773,1,1.0,2 671 | 669,B3 SH,CRAWFORD,3079.0,73.807,0.808,4.795,11.855,3.371,1,0.944,3 672 | 670,B3 SH,CRAWFORD,3079.5,73.158,0.781,4.755,10.905,3.493,1,0.889,2 673 | 671,B3 SH,CRAWFORD,3080.0,73.195,0.763,3.975,10.205,3.432,1,0.833,2 674 | 672,B3 SH,CRAWFORD,3080.5,72.325,0.748,3.68,10.0,3.387,1,0.778,2 675 | 673,B3 SH,CRAWFORD,3081.0,71.221,0.742,3.33,9.69,3.374,1,0.722,2 676 | 674,B3 SH,CRAWFORD,3081.5,70.563,0.742,2.76,9.25,3.329,1,0.667,2 677 | 675,B3 SH,CRAWFORD,3082.0,71.519,0.733,1.75,10.04,3.145,1,0.611,2 678 | 676,B3 SH,CRAWFORD,3082.5,74.062,0.722,2.32,12.64,2.945,1,0.556,2 679 | 677,B3 SH,CRAWFORD,3083.0,77.061,0.71,2.765,15.055,2.776,1,0.5,1 680 | 678,B3 SH,CRAWFORD,3083.5,78.693,0.695,3.04,15.66,2.793,1,0.444,1 681 | 679,B3 SH,CRAWFORD,3084.0,79.192,0.683,2.505,14.075,2.951,1,0.389,3 682 | 680,B3 SH,CRAWFORD,3084.5,79.192,0.683,2.505,14.075,2.951,1,0.389,3 683 | 681,B3 SH,CRAWFORD,3085.0,78.999,0.662,2.395,12.335,2.984,1,0.333,2 684 | 682,B3 SH,CRAWFORD,3085.5,78.114,0.64,2.395,11.095,2.909,1,0.278,2 685 | 683,B3 SH,CRAWFORD,3086.0,77.246,0.625,2.705,12.075,2.708,1,0.222,1 686 | 684,B3 SH,CRAWFORD,3086.5,76.369,0.62,2.305,15.615,2.601,1,0.167,3 687 | 685,B3 SH,CRAWFORD,3087.0,72.301,0.633,0.98,21.27,2.759,1,0.111,3 688 | 686,B3 SH,CRAWFORD,3087.5,61.107,0.667,-1.74,21.21,3.849,1,0.056,2 689 | 687,B3 LM,CRAWFORD,3088.0,41.149,0.68,-2.295,18.875,4.854,2,1.0,3 690 | 688,B3 LM,CRAWFORD,3088.5,28.419,0.686,-0.92,14.54,5.036,2,0.938,8 691 | 689,B3 LM,CRAWFORD,3089.0,22.527,0.687,0.36,10.24,5.044,2,0.875,8 692 | 690,B3 LM,CRAWFORD,3089.5,18.459,0.684,2.27,8.16,4.931,2,0.813,8 693 | 691,B3 LM,CRAWFORD,3090.0,17.345,0.679,2.67,8.23,4.547,2,0.75,8 694 | 692,B3 LM,CRAWFORD,3090.5,17.617,0.676,2.855,8.725,4.328,2,0.688,8 695 | 693,B3 LM,CRAWFORD,3091.0,19.292,0.664,2.695,9.465,4.299,2,0.625,8 696 | 694,B3 LM,CRAWFORD,3091.5,21.572,0.655,2.535,9.705,4.301,2,0.563,8 697 | 695,B3 LM,CRAWFORD,3092.0,22.975,0.653,1.95,9.21,4.319,2,0.5,8 698 | 696,B3 LM,CRAWFORD,3092.5,23.922,0.65,1.34,8.59,4.305,2,0.438,8 699 | 697,B3 LM,CRAWFORD,3093.0,24.869,0.657,0.63,7.42,4.291,2,0.375,8 700 | 698,B3 LM,CRAWFORD,3093.5,27.64,0.669,0.42,6.02,4.216,2,0.313,8 701 | 699,B3 LM,CRAWFORD,3094.0,34.058,0.67,0.44,4.4,4.109,2,0.25,6 702 | 700,B3 LM,CRAWFORD,3094.5,41.489,0.652,1.11,4.03,3.815,2,0.188,6 703 | 701,B3 LM,CRAWFORD,3095.0,51.235,0.631,1.73,5.19,3.444,2,0.125,6 704 | 702,B4 SH,CRAWFORD,3095.5,55.601,0.61,2.42,7.82,3.146,2,0.063,5 705 | 703,B4 SH,CRAWFORD,3096.0,59.512,0.601,3.715,10.375,2.935,1,1.0,3 706 | 704,B4 SH,CRAWFORD,3096.5,62.055,0.598,4.13,12.01,2.844,1,0.95,3 707 | 705,B4 SH,CRAWFORD,3097.0,64.37,0.592,3.83,12.15,2.768,1,0.9,1 708 | 706,B4 SH,CRAWFORD,3097.5,65.773,0.587,3.32,11.31,2.708,1,0.85,1 709 | 707,B4 SH,CRAWFORD,3098.0,66.036,0.593,2.635,9.895,2.663,1,0.8,1 710 | 708,B4 SH,CRAWFORD,3098.5,64.712,0.597,2.65,9.32,2.616,1,0.75,1 711 | 709,B4 SH,CRAWFORD,3099.0,64.039,0.6,2.545,8.775,2.603,1,0.7,3 712 | 710,B4 SH,CRAWFORD,3099.5,64.332,0.61,2.57,8.69,2.589,1,0.65,3 713 | 711,B4 SH,CRAWFORD,3100.0,68.247,0.601,2.545,9.105,2.531,1,0.6,1 714 | 712,B4 SH,CRAWFORD,3100.5,75.809,0.583,2.99,10.63,2.486,1,0.55,2 715 | 713,B4 SH,CRAWFORD,3101.0,84.739,0.559,3.69,12.42,2.488,1,0.5,2 716 | 714,B4 SH,CRAWFORD,3101.5,95.768,0.541,4.595,14.775,2.52,1,0.45,3 717 | 715,B4 SH,CRAWFORD,3102.0,94.175,0.529,4.575,15.465,2.6,1,0.4,2 718 | 716,B4 SH,CRAWFORD,3102.5,89.427,0.529,4.575,15.555,2.788,1,0.35,2 719 | 717,B4 SH,CRAWFORD,3103.0,84.908,0.527,4.35,14.27,3.148,1,0.3,2 720 | 718,B4 SH,CRAWFORD,3103.5,81.3,0.53,3.17,11.82,3.103,1,0.25,2 721 | 719,B4 SH,CRAWFORD,3104.0,82.251,0.534,1.84,10.85,2.691,1,0.2,2 722 | 720,B4 SH,CRAWFORD,3104.5,83.203,0.568,0.12,16.21,2.235,1,0.15,3 723 | 721,B4 SH,CRAWFORD,3105.0,82.888,0.647,-0.305,24.225,2.113,1,0.1,3 724 | 722,B4 LM,CRAWFORD,3105.5,70.526,0.731,-3.475,31.335,2.301,1,0.05,3 725 | 723,B4 LM,CRAWFORD,3106.0,59.858,0.793,-2.585,25.825,3.329,2,1.0,3 726 | 724,B4 LM,CRAWFORD,3106.5,43.933,0.815,-2.425,18.585,4.233,2,0.944,8 727 | 725,B4 LM,CRAWFORD,3107.0,30.523,0.828,-0.505,13.435,4.53,2,0.889,8 728 | 726,B4 LM,CRAWFORD,3107.5,21.444,0.867,-0.83,7.75,4.734,2,0.833,8 729 | 727,B4 LM,CRAWFORD,3108.0,18.52,0.948,0.5,5.3,4.86,2,0.778,8 730 | 728,B4 LM,CRAWFORD,3108.5,20.668,1.034,0.725,4.655,4.986,2,0.722,8 731 | 729,B4 LM,CRAWFORD,3109.0,23.396,1.077,0.945,4.055,4.972,2,0.667,8 732 | 730,B4 LM,CRAWFORD,3109.5,25.716,1.112,1.0,3.38,4.974,2,0.611,8 733 | 731,B4 LM,CRAWFORD,3110.0,28.035,1.131,1.335,2.125,4.991,2,0.556,8 734 | 732,B4 LM,CRAWFORD,3110.5,31.494,1.128,1.565,1.855,5.024,2,0.5,6 735 | 733,B4 LM,CRAWFORD,3111.0,42.743,1.145,0.74,2.92,4.996,2,0.389,6 736 | 734,B4 LM,CRAWFORD,3111.5,47.021,1.158,0.415,2.815,4.874,2,0.333,6 737 | 735,B4 LM,CRAWFORD,3112.0,49.443,1.158,0.265,2.475,4.72,2,0.278,6 738 | 736,B4 LM,CRAWFORD,3112.5,48.343,1.072,0.175,2.025,4.435,2,0.222,6 739 | 737,B4 LM,CRAWFORD,3113.0,47.243,0.993,0.305,2.325,4.07,2,0.167,6 740 | 738,B4 LM,CRAWFORD,3113.5,47.738,0.936,0.625,3.575,3.745,2,0.111,8 741 | 739,B5 SH,CRAWFORD,3114.0,55.757,0.9,2.86,7.09,3.514,2,0.056,8 742 | 740,B5 SH,CRAWFORD,3114.5,67.815,0.876,4.345,9.295,3.406,1,1.0,2 743 | 741,B5 SH,CRAWFORD,3115.0,68.904,0.852,4.72,9.57,3.455,1,0.938,2 744 | 742,B5 SH,CRAWFORD,3115.5,64.085,0.834,3.905,7.665,3.565,1,0.875,2 745 | 743,B5 SH,CRAWFORD,3116.0,53.913,0.828,3.37,5.72,3.645,1,0.813,2 746 | 744,B5 SH,CRAWFORD,3116.5,50.715,0.841,2.665,4.465,3.615,1,0.75,2 747 | 745,B5 SH,CRAWFORD,3117.0,51.22,0.854,2.43,3.86,3.714,1,0.688,1 748 | 746,B5 SH,CRAWFORD,3119.0,65.99,0.794,3.075,6.985,3.5,1,0.438,1 749 | 747,B5 SH,CRAWFORD,3119.5,74.325,0.764,1.485,11.995,3.159,1,0.375,2 750 | 748,B5 SH,CRAWFORD,3120.0,77.227,0.718,1.095,15.315,2.865,1,0.313,1 751 | 749,B5 SH,CRAWFORD,3120.5,78.863,0.687,1.285,17.905,2.696,1,0.25,3 752 | 750,B5 SH,CRAWFORD,3121.0,79.13,0.669,2.755,19.325,2.651,1,0.188,3 753 | 751,B5 SH,CRAWFORD,3121.5,76.89,0.657,4.55,19.53,2.671,1,0.125,3 754 | 752,B5 LM,CRAWFORD,3122.0,69.179,0.692,6.11,19.22,3.114,1,0.063,2 755 | 753,B5 LM,CRAWFORD,3122.5,59.999,0.732,4.62,16.19,4.134,2,1.0,8 756 | 754,B5 LM,CRAWFORD,3123.0,41.912,0.761,1.64,10.98,4.726,2,0.983,8 757 | 755,B5 LM,CRAWFORD,3123.5,26.222,0.805,0.755,7.955,4.899,2,0.966,8 758 | 756,B5 LM,CRAWFORD,3124.0,22.615,0.845,1.58,6.02,4.854,2,0.948,8 759 | 757,B5 LM,CRAWFORD,3124.5,20.83,0.849,1.97,4.39,4.778,2,0.931,8 760 | 758,B5 LM,CRAWFORD,3125.0,21.326,0.836,2.77,4.39,4.655,2,0.914,8 761 | 759,B5 LM,CRAWFORD,3125.5,23.645,0.725,3.665,5.185,4.408,2,0.897,8 762 | 760,B5 LM,CRAWFORD,3126.0,29.02,0.587,4.805,7.455,3.97,2,0.879,7 763 | 761,B5 LM,CRAWFORD,3126.5,35.588,0.461,5.255,11.615,3.606,2,0.862,7 764 | 762,B5 LM,CRAWFORD,3127.0,39.503,0.325,5.335,18.395,3.309,2,0.845,7 765 | 763,B5 LM,CRAWFORD,3127.5,41.139,0.239,4.545,21.765,3.342,2,0.828,7 766 | 764,B5 LM,CRAWFORD,3128.0,41.862,0.184,2.77,21.54,3.422,2,0.81,7 767 | 765,B5 LM,CRAWFORD,3128.5,42.586,0.169,-0.02,19.0,3.485,2,0.793,8 768 | 766,B5 LM,CRAWFORD,3129.0,44.221,0.139,2.425,18.905,3.378,2,0.776,7 769 | 767,B5 LM,CRAWFORD,3129.5,47.395,0.121,3.7,20.04,3.209,2,0.759,7 770 | 768,B5 LM,CRAWFORD,3130.0,54.796,0.103,4.59,22.87,3.133,2,0.741,7 771 | 769,B5 LM,CRAWFORD,3130.5,58.255,0.091,5.19,25.77,3.166,2,0.724,7 772 | 770,B5 LM,CRAWFORD,3131.0,60.347,0.076,4.065,26.095,3.118,2,0.707,7 773 | 771,B5 LM,CRAWFORD,3131.5,61.754,0.048,3.235,25.165,3.06,2,0.69,7 774 | 772,B5 LM,CRAWFORD,3132.0,61.794,0.002,2.74,22.4,3.14,2,0.672,7 775 | 773,B5 LM,CRAWFORD,3132.5,61.833,-0.047,3.65,21.13,3.437,2,0.655,3 776 | 774,B5 LM,CRAWFORD,3133.0,62.358,-0.096,4.43,21.27,3.672,2,0.638,3 777 | 775,B5 LM,CRAWFORD,3133.5,63.062,-0.147,4.895,22.325,3.782,2,0.621,3 778 | 776,B5 LM,CRAWFORD,3134.0,63.33,-0.206,5.245,22.895,3.737,2,0.603,3 779 | 777,B5 LM,CRAWFORD,3134.5,62.685,-0.218,5.035,22.725,3.584,2,0.586,3 780 | 778,B5 LM,CRAWFORD,3135.0,60.217,-0.23,4.57,21.84,3.444,2,0.569,3 781 | 779,B5 LM,CRAWFORD,3135.5,55.926,-0.217,5.185,20.385,3.352,2,0.552,3 782 | 780,B5 LM,CRAWFORD,3136.0,52.318,-0.185,5.795,18.665,3.496,2,0.534,3 783 | 781,B5 LM,CRAWFORD,3136.5,47.244,-0.16,5.445,15.725,3.855,2,0.517,3 784 | 782,B5 LM,CRAWFORD,3137.0,45.786,-0.138,4.165,11.765,3.966,2,0.5,3 785 | 783,B5 LM,CRAWFORD,3137.5,46.975,-0.116,5.55,10.25,3.765,2,0.483,3 786 | 784,B5 LM,CRAWFORD,3138.0,51.907,-0.103,7.385,11.675,3.44,2,0.466,3 787 | 785,B5 LM,CRAWFORD,3138.5,58.336,-0.093,6.61,13.74,3.162,2,0.448,3 788 | 786,B5 LM,CRAWFORD,3139.0,64.995,-0.09,5.94,16.68,3.024,2,0.431,3 789 | 787,B5 LM,CRAWFORD,3139.5,67.543,-0.089,5.7,17.72,3.057,2,0.414,3 790 | 788,B5 LM,CRAWFORD,3140.0,68.041,-0.104,5.755,18.395,3.171,2,0.397,3 791 | 789,B5 LM,CRAWFORD,3140.5,66.186,-0.144,5.995,19.265,3.231,2,0.379,3 792 | 790,B5 LM,CRAWFORD,3141.0,62.184,-0.187,6.54,20.72,3.264,2,0.362,3 793 | 791,B5 LM,CRAWFORD,3141.5,57.883,-0.239,6.0,21.62,3.297,2,0.345,3 794 | 792,B5 LM,CRAWFORD,3142.0,54.039,-0.297,5.725,22.245,3.282,2,0.328,3 795 | 793,B5 LM,CRAWFORD,3142.5,53.154,-0.371,5.745,23.065,3.222,2,0.31,3 796 | 794,B5 LM,CRAWFORD,3143.0,60.506,-0.432,5.78,23.96,3.115,2,0.293,3 797 | 795,B5 LM,CRAWFORD,3143.5,68.99,-0.456,6.14,25.32,2.977,2,0.276,3 798 | 796,B5 LM,CRAWFORD,3144.0,88.891,-0.468,7.025,27.595,2.916,2,0.259,3 799 | 797,B5 LM,CRAWFORD,3144.5,114.955,-0.455,6.925,28.395,2.924,2,0.241,3 800 | 798,B5 LM,CRAWFORD,3145.0,139.876,-0.405,6.245,28.025,3.215,2,0.224,3 801 | 799,B5 LM,CRAWFORD,3145.5,157.729,-0.353,4.685,26.015,3.373,2,0.207,3 802 | 800,B5 LM,CRAWFORD,3146.0,167.803,-0.219,4.27,23.37,3.81,2,0.19,3 803 | 801,B5 LM,CRAWFORD,3146.5,151.183,-0.057,0.925,17.125,4.153,2,0.172,3 804 | 802,B5 LM,CRAWFORD,3147.0,123.264,0.067,0.285,14.215,4.404,2,0.155,5 805 | 803,B5 LM,CRAWFORD,3147.5,108.569,0.234,0.705,12.225,4.499,2,0.138,5 806 | 804,B5 LM,CRAWFORD,3148.0,101.072,0.427,1.15,10.76,4.392,2,0.121,8 807 | 805,B5 LM,CRAWFORD,3148.5,91.748,0.625,1.135,9.605,4.254,2,0.103,6 808 | 806,B5 LM,CRAWFORD,3149.0,83.794,0.749,2.075,7.845,4.023,2,0.086,3 809 | 807,B5 LM,CRAWFORD,3149.5,83.794,0.749,2.075,7.845,4.023,2,0.086,3 810 | 808,B5 LM,CRAWFORD,3150.0,79.722,0.771,2.89,6.64,4.04,2,0.069,3 811 | 809,B5 LM,CRAWFORD,3150.5,76.334,0.8,2.96,6.29,3.997,2,0.052,3 812 | 810,B5 LM,CRAWFORD,3151.0,73.631,0.8,2.68,6.69,3.828,2,0.034,3 813 | 811,B5 LM,CRAWFORD,3151.5,76.865,0.772,2.42,8.6,3.535,2,0.017,6 814 | 812,C SH,CRAWFORD,3152.0,79.924,0.752,2.62,11.51,3.148,1,1.0,2 815 | 813,C SH,CRAWFORD,3152.5,82.199,0.728,3.725,14.555,2.964,1,0.972,2 816 | 814,C SH,CRAWFORD,3153.0,79.953,0.7,5.61,16.93,2.793,1,0.944,3 817 | 815,C SH,CRAWFORD,3153.5,75.881,0.673,6.3,17.57,2.969,1,0.917,3 818 | 816,C SH,CRAWFORD,3154.0,67.47,0.652,4.775,15.795,3.282,1,0.889,3 819 | 817,C SH,CRAWFORD,3154.5,58.832,0.64,4.315,13.575,3.642,1,0.861,3 820 | 818,C SH,CRAWFORD,3155.0,57.946,0.631,3.595,11.305,3.893,1,0.833,3 821 | 819,C SH,CRAWFORD,3155.5,65.755,0.625,3.465,10.355,3.911,1,0.806,2 822 | 820,C SH,CRAWFORD,3156.0,69.445,0.617,3.39,11.54,3.82,1,0.778,2 823 | 821,C SH,CRAWFORD,3156.5,73.389,0.608,3.625,12.775,3.62,1,0.75,2 824 | 822,C SH,CRAWFORD,3157.0,77.115,0.605,4.14,13.42,3.467,1,0.722,2 825 | 823,C SH,CRAWFORD,3157.5,79.84,0.596,4.875,13.825,3.36,1,0.694,3 826 | 824,C SH,CRAWFORD,3158.0,82.616,0.577,5.235,14.845,3.207,1,0.667,3 827 | 825,C SH,CRAWFORD,3158.5,86.078,0.554,5.04,16.15,3.161,1,0.639,3 828 | 826,C SH,CRAWFORD,3159.0,88.855,0.539,5.56,16.75,3.118,1,0.611,3 829 | 827,C SH,CRAWFORD,3159.5,90.49,0.53,6.36,16.78,3.168,1,0.583,3 830 | 828,C SH,CRAWFORD,3160.0,90.975,0.522,7.035,16.995,3.154,1,0.556,3 831 | 829,C SH,CRAWFORD,3160.5,90.108,0.513,7.505,17.595,3.125,1,0.528,3 832 | -------------------------------------------------------------------------------- /1612_Linear_inversion/README.md: -------------------------------------------------------------------------------- 1 | # Linear inversion 2 | 3 | These notebooks accompany the article in the December 2016 issue of _[The Leading Edge](http://library.seg.org/doi/abs/10.1190/tle35121085.1)_. 4 | 5 | There are four notebooks. The main one, that follows [the manuscript](manuscript/TLELinearinversion.pdf) most closely, is the IPython/NumPy version. The others implement the same workflow, more or less, in Lua/Torch7, in Julia, and in R. 6 | 7 | - **[NumPy](NumPy.ipynb)** — Python language with NumPy numerics 8 | - **[Torch](Torch.ipynb)** — Lua language with Torch7 numercics 9 | - **[Julia](Julia.ipynb)** — Julia programming language 10 | - **[R](R.ipynb)** — R programming language 11 | 12 | Code and article © Agile Geoscience and licensed openly under [CC-BY](https://creativecommons.org/licenses/by/3.0/) (text and figures) and Apache 2 (code). This means you can use them with attribution for any purpose! 13 | -------------------------------------------------------------------------------- /1612_Linear_inversion/manuscript/TLELinearinversion.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1612_Linear_inversion/manuscript/TLELinearinversion.pdf -------------------------------------------------------------------------------- /1612_Linear_inversion/manuscript/figure1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1612_Linear_inversion/manuscript/figure1.png -------------------------------------------------------------------------------- /1612_Linear_inversion/manuscript/figure2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1612_Linear_inversion/manuscript/figure2.png -------------------------------------------------------------------------------- /1612_Linear_inversion/manuscript/figure_for_box.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seg/tutorials-2016/4885188ff29684ca2774662231f3adad6c3ec563/1612_Linear_inversion/manuscript/figure_for_box.png -------------------------------------------------------------------------------- /1612_Linear_inversion/utils.py: -------------------------------------------------------------------------------- 1 | # -*- coding: utf 8 -*- 2 | """ 3 | Functions for helping with plots. 4 | 5 | :copyright: 2016 Agile Geoscience 6 | :license: Apache 2.0 7 | """ 8 | import numpy as np 9 | import matplotlib.pyplot as plt 10 | 11 | import matplotlib.patheffects as pe 12 | from matplotlib import gridspec, spines 13 | 14 | 15 | def norm(m): 16 | return m.T @ m 17 | 18 | 19 | def misfit(d, d_pred): 20 | misfit = (d_pred - d).T @ (d_pred - d) 21 | return np.asscalar(misfit) 22 | 23 | 24 | def plot_all(m, d, m_est, d_pred, equalize=True): 25 | """ 26 | Helper function for plotting. You can ignore this. 27 | """ 28 | fig = plt.figure(figsize=(10, 6)) 29 | 30 | ax0 = fig.add_subplot(2, 2, 1) 31 | ax0.plot(m) 32 | t = "$\mathrm{{Model}}\ \mathbf{{m}}.\ \mathrm{{norm}}\ {:.3f}$" 33 | ax0.set_title(t.format(norm(m))) 34 | ax0_mi, ax0_ma = ax0.get_ylim() 35 | 36 | ax1 = fig.add_subplot(2, 2, 2) 37 | ax1.plot(d, 'o', mew=0) 38 | ax1.set_title("$\mathrm{Data}\ \mathbf{d}$") 39 | ax1_mi, ax1_ma = ax1.get_ylim() 40 | 41 | ax2 = fig.add_subplot(2, 2, 3) 42 | ax2.plot(m, alpha=0.25) 43 | ax2.plot(m_est) 44 | t = "$\mathrm{{Estimated\ model}}\ \mathbf{{\hat{{m}}}}.\ \mathrm{{norm}}\ {:.3f}$" 45 | ax2.set_title(t.format(norm(m_est))) 46 | ax2_mi, ax2_ma = ax2.get_ylim() 47 | 48 | ax3 = fig.add_subplot(2, 2, 4) 49 | ax3.plot(d, 'o', mew=0, alpha=0.25) 50 | ax3.plot(d_pred, 'o', mew=0) 51 | t = "$\mathrm{{Predicted\ data}}\ \mathbf{{d}}_\mathrm{{pred}}.\ \mathrm{{misfit}}\ {:.3f}$" 52 | ax3.set_title(t.format(misfit(d, d_pred))) 53 | ax3_mi, ax3_ma = ax3.get_ylim() 54 | 55 | if equalize: 56 | ax0.set_ylim(min(ax0_mi, ax2_mi) - 0.1, 57 | max(ax0_ma, ax2_ma) + 0.1) 58 | 59 | ax2.set_ylim(min(ax0_mi, ax2_mi) - 0.1, 60 | max(ax0_ma, ax2_ma) + 0.1) 61 | 62 | ax1.set_ylim(min(ax1_mi, ax3_mi) - 0.1, 63 | max(ax1_ma, ax3_ma) + 0.1) 64 | 65 | ax3.set_ylim(min(ax1_mi, ax3_mi) - 0.1, 66 | max(ax1_ma, ax3_ma) + 0.1) 67 | 68 | plt.show() 69 | 70 | 71 | def plot_two(m, d, m_est, d_pred, equalize=True): 72 | """ 73 | Helper function for plotting. You can ignore this. 74 | """ 75 | fig = plt.figure(figsize=(16, 4), facecolor='#f0f0f0') 76 | 77 | alpha = 0.5 78 | 79 | ax0 = fig.add_subplot(1, 2, 1) 80 | ax0.plot(m, c="#31668d", alpha=alpha) 81 | ax0.plot(m, 'o', c="#31668d", ms=4, alpha=alpha) 82 | ax0.plot(m_est, c="#462f7c", lw=1.4) 83 | ax0.plot(m_est, 'o', c="#462f7c", ms=4) 84 | ax0.set_title("Model and estimated model", size=16) 85 | ax0.text(35, -0.1, "m", color="#31668d", alpha=alpha+0.05, size=22) 86 | ax0.text(35, -0.12, "$\mathrm{{norm}} = {:.3f}$".format(norm(m)), color="#31668d", alpha=alpha+0.15, size=16) 87 | ax0.text(28, 0.08, "m_est", color="#462f7c", size=22) 88 | ax0.text(28, 0.05, "$\mathrm{{norm}} = {:.3f}$".format(norm(m_est)), color="#462f7c", size=16) 89 | 90 | ax1 = fig.add_subplot(1, 2, 2) 91 | ax1.plot(d, 'o', c="#31668d", mew=0, ms=5, alpha=alpha) 92 | ax1.plot(d, c="#31668d", alpha=alpha) 93 | ax1.plot(d_pred, 'o', c="#462f7c", ms=5, mew=0) 94 | ax1.plot(d_pred, c="#462f7c", lw=1.4) 95 | ax1.set_title("Data and predicted data", size=16) 96 | ax1.text(11.3, 0.13, "d", color="#31668d", alpha=alpha+0.05, size=22) 97 | ax1.text(14, 0.13, "d_pred", color="#462f7c", size=22) 98 | ax1.text(14, 0.096, "$\mathrm{{misfit}} = {:.3f}$".format(misfit(d, d_pred)), color="#462f7c", size=16) 99 | 100 | for ax in fig.axes: 101 | ax.xaxis.label.set_color('#777777') 102 | ax.tick_params(axis='y', colors='#777777') 103 | ax.tick_params(axis='x', colors='#777777') 104 | for child in ax.get_children(): 105 | if isinstance(child, spines.Spine): 106 | child.set_color('#aaaaaa') 107 | 108 | plt.savefig('manuscript/figure2.png', dpi=200, facecolor=fig.get_facecolor()) 109 | plt.show() 110 | 111 | 112 | def add_subplot_axes(ax, rect, axisbg='w'): 113 | """ 114 | Facilitates the addition of a small subplot within another plot. 115 | 116 | From: http://stackoverflow.com/questions/17458580/ 117 | embedding-small-plots-inside-subplots-in-matplotlib 118 | 119 | License: CC-BY-SA 120 | 121 | Args: 122 | ax (axis): A matplotlib axis. 123 | rect (list): A rect specifying [left pos, bot pos, width, height] 124 | Returns: 125 | axis: The sub-axis in the specified position. 126 | """ 127 | def axis_to_fig(axis): 128 | fig = axis.figure 129 | 130 | def transform(coord): 131 | a = axis.transAxes.transform(coord) 132 | return fig.transFigure.inverted().transform(a) 133 | 134 | return transform 135 | 136 | fig = plt.gcf() 137 | left, bottom, width, height = rect 138 | trans = axis_to_fig(ax) 139 | x1, y1 = trans((left, bottom)) 140 | x2, y2 = trans((left + width, bottom + height)) 141 | subax = fig.add_axes([x1, y1, x2 - x1, y2 - y1]) 142 | x_labelsize = subax.get_xticklabels()[0].get_size() 143 | y_labelsize = subax.get_yticklabels()[0].get_size() 144 | x_labelsize *= rect[2] ** 0.5 145 | y_labelsize *= rect[3] ** 0.5 146 | subax.xaxis.set_tick_params(labelsize=x_labelsize) 147 | subax.yaxis.set_tick_params(labelsize=y_labelsize) 148 | 149 | return subax 150 | 151 | 152 | def plot_gmd(G, m, d): 153 | fig = plt.figure(figsize=(12, 6), facecolor='#f0f0f0') 154 | 155 | gs = gridspec.GridSpec(5, 8) 156 | 157 | # Set up axes. 158 | axw = plt.subplot(gs[0, :5]) # Wavelet. 159 | axg = plt.subplot(gs[1:4, :5]) # G 160 | axv = plt.subplot(gs[4, :5]) # Other wavelet. 161 | axm = plt.subplot(gs[:, 5]) # m 162 | axe = plt.subplot(gs[:, 6]) # = 163 | axd = plt.subplot(gs[1:4, 7]) # d 164 | 165 | cax = add_subplot_axes(axg, [-0.14, 0.22, 0.03, 0.5]) 166 | 167 | params = {'ha': 'center', 168 | 'va': 'bottom', 169 | 'size': 40, 170 | 'weight': 'bold', 171 | } 172 | 173 | axw.plot(G[5], 'o', c='r', mew=0) 174 | axw.plot(G[5], 'r', alpha=0.4) 175 | axw.locator_params(axis='y', nbins=3) 176 | axw.text(1, 0.8, "one row of G", color='#333333') 177 | axw.set_ylim(-0.7, 1.3) 178 | 179 | cyan = '#26c3a4' 180 | 181 | im = axg.imshow(G, cmap='viridis', 182 | aspect='auto', 183 | interpolation='none') 184 | axg.text(45, G.shape[0]//2, "G", color='w', **params) 185 | axg.axhline(5, color='r') 186 | axg.axhline(20, color=cyan) 187 | cb = plt.colorbar(im, cax=cax) 188 | 189 | axv.plot(G[20], 'o', c=cyan, mew=0) 190 | axv.plot(G[20], cyan, alpha=0.4) 191 | axv.locator_params(axis='y', nbins=3) 192 | axv.text(1, 0.8, "another row of G", color='#333333') 193 | axv.set_ylim(-0.7, 1.3) 194 | 195 | y = np.arange(m.size) 196 | axm.plot(m, y, 'o', c='r', mew=0) 197 | axm.plot(m, y, c='r', alpha=0.4) 198 | # axm.imshow(np.expand_dims(m, 1), cmap='viridis', interpolation='none', aspect='auto') 199 | txt = axm.text(0, m.size//2, "m", color='#333333', **params) 200 | txt.set_path_effects([pe.withStroke(linewidth=5, foreground='w')]) 201 | axm.invert_yaxis() 202 | axm.set_xlim(-0.2, 0.2) 203 | axm.locator_params(axis='x', nbins=3) 204 | 205 | axe.set_frame_on(False) 206 | axe.set_xticks([]) 207 | axe.set_yticks([]) 208 | axe.text(0.5, 0.5, "=", color='#333333', **params) 209 | axe.text(0.5, 0.8, "forward\nproblem", color='#31668d', size=16, ha='center') 210 | axe.arrow(0.2, 0.75, 0.6, 0, head_width=0.03, head_length=0.2, fc='#31668d', ec='#31668d') 211 | axe.text(0.5, 0.2, "inverse\nproblem", color='#31668d', size=16, ha='center', va='top') 212 | axe.arrow(0.8, 0.25, -0.6, 0, head_width=0.03, head_length=0.2, fc='#31668d', ec='#31668d') 213 | 214 | y = np.arange(d.size) 215 | axd.plot(d, y, 'o', c='#462f7c', mew=0) 216 | axd.plot(d, y, c='#462f7c', alpha=0.4) 217 | axd.plot(d[5], y[5], 'o', c='r', mew=0, ms=10) 218 | # axd.imshow(np.expand_dims(d, 1), cmap='viridis', interpolation='none', aspect='auto') 219 | txt = axd.text(0, d.size//2, "d", color='#333333', **params) 220 | txt.set_path_effects([pe.withStroke(linewidth=5, foreground='w')]) 221 | axd.invert_yaxis() 222 | axd.set_xlim(-0.2, 0.2) 223 | axd.locator_params(axis='x', nbins=3) 224 | 225 | for ax in fig.axes: 226 | ax.xaxis.label.set_color('#777777') 227 | ax.tick_params(axis='y', colors='#777777') 228 | ax.tick_params(axis='x', colors='#777777') 229 | for child in ax.get_children(): 230 | if isinstance(child, spines.Spine): 231 | child.set_color('#aaaaaa') 232 | 233 | cb.outline.set_edgecolor('white') 234 | cax.xaxis.label.set_color('#ffffff') 235 | cax.tick_params(axis='y', colors='#ffffff') 236 | cax.tick_params(axis='x', colors='#ffffff') 237 | 238 | fig.tight_layout() 239 | plt.savefig("manuscript/figure1.png", dpi=200, facecolor=fig.get_facecolor()) 240 | plt.show() 241 | 242 | return 243 | -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- 1 | Apache License 2 | Version 2.0, January 2004 3 | http://www.apache.org/licenses/ 4 | 5 | TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION 6 | 7 | 1. Definitions. 8 | 9 | "License" shall mean the terms and conditions for use, reproduction, 10 | and distribution as defined by Sections 1 through 9 of this document. 11 | 12 | "Licensor" shall mean the copyright owner or entity authorized by 13 | the copyright owner that is granting the License. 14 | 15 | "Legal Entity" shall mean the union of the acting entity and all 16 | other entities that control, are controlled by, or are under common 17 | control with that entity. For the purposes of this definition, 18 | "control" means (i) the power, direct or indirect, to cause the 19 | direction or management of such entity, whether by contract or 20 | otherwise, or (ii) ownership of fifty percent (50%) or more of the 21 | outstanding shares, or (iii) beneficial ownership of such entity. 22 | 23 | "You" (or "Your") shall mean an individual or Legal Entity 24 | exercising permissions granted by this License. 25 | 26 | "Source" form shall mean the preferred form for making modifications, 27 | including but not limited to software source code, documentation 28 | source, and configuration files. 29 | 30 | "Object" form shall mean any form resulting from mechanical 31 | transformation or translation of a Source form, including but 32 | not limited to compiled object code, generated documentation, 33 | and conversions to other media types. 34 | 35 | "Work" shall mean the work of authorship, whether in Source or 36 | Object form, made available under the License, as indicated by a 37 | copyright notice that is included in or attached to the work 38 | (an example is provided in the Appendix below). 39 | 40 | "Derivative Works" shall mean any work, whether in Source or Object 41 | form, that is based on (or derived from) the Work and for which the 42 | editorial revisions, annotations, elaborations, or other modifications 43 | represent, as a whole, an original work of authorship. For the purposes 44 | of this License, Derivative Works shall not include works that remain 45 | separable from, or merely link (or bind by name) to the interfaces of, 46 | the Work and Derivative Works thereof. 47 | 48 | "Contribution" shall mean any work of authorship, including 49 | the original version of the Work and any modifications or additions 50 | to that Work or Derivative Works thereof, that is intentionally 51 | submitted to Licensor for inclusion in the Work by the copyright owner 52 | or by an individual or Legal Entity authorized to submit on behalf of 53 | the copyright owner. For the purposes of this definition, "submitted" 54 | means any form of electronic, verbal, or written communication sent 55 | to the Licensor or its representatives, including but not limited to 56 | communication on electronic mailing lists, source code control systems, 57 | and issue tracking systems that are managed by, or on behalf of, the 58 | Licensor for the purpose of discussing and improving the Work, but 59 | excluding communication that is conspicuously marked or otherwise 60 | designated in writing by the copyright owner as "Not a Contribution." 61 | 62 | "Contributor" shall mean Licensor and any individual or Legal Entity 63 | on behalf of whom a Contribution has been received by Licensor and 64 | subsequently incorporated within the Work. 65 | 66 | 2. Grant of Copyright License. Subject to the terms and conditions of 67 | this License, each Contributor hereby grants to You a perpetual, 68 | worldwide, non-exclusive, no-charge, royalty-free, irrevocable 69 | copyright license to reproduce, prepare Derivative Works of, 70 | publicly display, publicly perform, sublicense, and distribute the 71 | Work and such Derivative Works in Source or Object form. 72 | 73 | 3. Grant of Patent License. Subject to the terms and conditions of 74 | this License, each Contributor hereby grants to You a perpetual, 75 | worldwide, non-exclusive, no-charge, royalty-free, irrevocable 76 | (except as stated in this section) patent license to make, have made, 77 | use, offer to sell, sell, import, and otherwise transfer the Work, 78 | where such license applies only to those patent claims licensable 79 | by such Contributor that are necessarily infringed by their 80 | Contribution(s) alone or by combination of their Contribution(s) 81 | with the Work to which such Contribution(s) was submitted. If You 82 | institute patent litigation against any entity (including a 83 | cross-claim or counterclaim in a lawsuit) alleging that the Work 84 | or a Contribution incorporated within the Work constitutes direct 85 | or contributory patent infringement, then any patent licenses 86 | granted to You under this License for that Work shall terminate 87 | as of the date such litigation is filed. 88 | 89 | 4. Redistribution. You may reproduce and distribute copies of the 90 | Work or Derivative Works thereof in any medium, with or without 91 | modifications, and in Source or Object form, provided that You 92 | meet the following conditions: 93 | 94 | (a) You must give any other recipients of the Work or 95 | Derivative Works a copy of this License; and 96 | 97 | (b) You must cause any modified files to carry prominent notices 98 | stating that You changed the files; and 99 | 100 | (c) You must retain, in the Source form of any Derivative Works 101 | that You distribute, all copyright, patent, trademark, and 102 | attribution notices from the Source form of the Work, 103 | excluding those notices that do not pertain to any part of 104 | the Derivative Works; and 105 | 106 | (d) If the Work includes a "NOTICE" text file as part of its 107 | distribution, then any Derivative Works that You distribute must 108 | include a readable copy of the attribution notices contained 109 | within such NOTICE file, excluding those notices that do not 110 | pertain to any part of the Derivative Works, in at least one 111 | of the following places: within a NOTICE text file distributed 112 | as part of the Derivative Works; within the Source form or 113 | documentation, if provided along with the Derivative Works; or, 114 | within a display generated by the Derivative Works, if and 115 | wherever such third-party notices normally appear. The contents 116 | of the NOTICE file are for informational purposes only and 117 | do not modify the License. You may add Your own attribution 118 | notices within Derivative Works that You distribute, alongside 119 | or as an addendum to the NOTICE text from the Work, provided 120 | that such additional attribution notices cannot be construed 121 | as modifying the License. 122 | 123 | You may add Your own copyright statement to Your modifications and 124 | may provide additional or different license terms and conditions 125 | for use, reproduction, or distribution of Your modifications, or 126 | for any such Derivative Works as a whole, provided Your use, 127 | reproduction, and distribution of the Work otherwise complies with 128 | the conditions stated in this License. 129 | 130 | 5. Submission of Contributions. Unless You explicitly state otherwise, 131 | any Contribution intentionally submitted for inclusion in the Work 132 | by You to the Licensor shall be under the terms and conditions of 133 | this License, without any additional terms or conditions. 134 | Notwithstanding the above, nothing herein shall supersede or modify 135 | the terms of any separate license agreement you may have executed 136 | with Licensor regarding such Contributions. 137 | 138 | 6. Trademarks. This License does not grant permission to use the trade 139 | names, trademarks, service marks, or product names of the Licensor, 140 | except as required for reasonable and customary use in describing the 141 | origin of the Work and reproducing the content of the NOTICE file. 142 | 143 | 7. Disclaimer of Warranty. Unless required by applicable law or 144 | agreed to in writing, Licensor provides the Work (and each 145 | Contributor provides its Contributions) on an "AS IS" BASIS, 146 | WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or 147 | implied, including, without limitation, any warranties or conditions 148 | of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A 149 | PARTICULAR PURPOSE. You are solely responsible for determining the 150 | appropriateness of using or redistributing the Work and assume any 151 | risks associated with Your exercise of permissions under this License. 152 | 153 | 8. Limitation of Liability. In no event and under no legal theory, 154 | whether in tort (including negligence), contract, or otherwise, 155 | unless required by applicable law (such as deliberate and grossly 156 | negligent acts) or agreed to in writing, shall any Contributor be 157 | liable to You for damages, including any direct, indirect, special, 158 | incidental, or consequential damages of any character arising as a 159 | result of this License or out of the use or inability to use the 160 | Work (including but not limited to damages for loss of goodwill, 161 | work stoppage, computer failure or malfunction, or any and all 162 | other commercial damages or losses), even if such Contributor 163 | has been advised of the possibility of such damages. 164 | 165 | 9. Accepting Warranty or Additional Liability. While redistributing 166 | the Work or Derivative Works thereof, You may choose to offer, 167 | and charge a fee for, acceptance of support, warranty, indemnity, 168 | or other liability obligations and/or rights consistent with this 169 | License. However, in accepting such obligations, You may act only 170 | on Your own behalf and on Your sole responsibility, not on behalf 171 | of any other Contributor, and only if You agree to indemnify, 172 | defend, and hold each Contributor harmless for any liability 173 | incurred by, or claims asserted against, such Contributor by reason 174 | of your accepting any such warranty or additional liability. 175 | 176 | END OF TERMS AND CONDITIONS 177 | 178 | APPENDIX: How to apply the Apache License to your work. 179 | 180 | To apply the Apache License to your work, attach the following 181 | boilerplate notice, with the fields enclosed by brackets "{}" 182 | replaced with your own identifying information. (Don't include 183 | the brackets!) The text should be enclosed in the appropriate 184 | comment syntax for the file format. We also recommend that a 185 | file or class name and description of purpose be included on the 186 | same "printed page" as the copyright notice for easier 187 | identification within third-party archives. 188 | 189 | Copyright {yyyy} {name of copyright owner} 190 | 191 | Licensed under the Apache License, Version 2.0 (the "License"); 192 | you may not use this file except in compliance with the License. 193 | You may obtain a copy of the License at 194 | 195 | http://www.apache.org/licenses/LICENSE-2.0 196 | 197 | Unless required by applicable law or agreed to in writing, software 198 | distributed under the License is distributed on an "AS IS" BASIS, 199 | WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 200 | See the License for the specific language governing permissions and 201 | limitations under the License. 202 | -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # tutorials-2016 2 | 3 | Tutorials from [The Leading Edge](http://library.seg.org/journal/leedff) column, which started in February 2014. 4 | 5 | These are [Jupyter Notebooks](https://jupyter.org/). They can be opened and read (but not actually run) right here in GitHub, or you can install the Notebook software (e.g. with **`conda install jupyter`**), then clone this repo, and start a notebook server in the *tutorials-2016* directory. 6 | 7 | For more in-depth hints on getting started, see Hall, M (2016). A user guide to the geophysical tutorials. _The Leading Edge_ **35** (2), 190–191, doi: [10.1190/tle35020190.1](http://library.seg.org/doi/abs/10.1190/tle35020190.1). 8 | 9 | Questions? [Get in touch!](mailto:matt@agilegeoscience.com) 10 | 11 | ## February 2016 12 | - [A user guide to the geophysical tutorials](http://library.seg.org/doi/abs/10.1190/tle35020190.1) by Matt Hall 13 | - [A user guide to the geophysical tutorials](http://wiki.seg.org/wiki/A_user_guide_to_the_geophysical_tutorials) — article in SEG Wiki 14 | 15 | ## April 2016 16 | - [The function of interpolation](http://library.seg.org/doi/abs/10.1190/tle35040367.1) by Matt Hall 17 | - [Jupyter Notebook](https://github.com/seg/tutorials-2016/blob/master/1604_Function_of_interpolation/The_function_of_interpolation.ipynb) 18 | 19 | ## June 2016 20 | - [Wavelet estimation for well ties](http://library.seg.org/doi/abs/10.1190/tle35060541.1) by Evan Bianco 21 | - [Jupyter Notebook](https://github.com/seg/tutorials-2016/blob/master/1606_Wavelet_estimation/Wavelet_estimation_for_well_ties.ipynb) 22 | 23 | ## August 2016 24 | - [Pixels and their neighbors: Finite volume](http://library.seg.org/doi/abs/10.1190/tle35080703.1) by Rowan Cockett, Lindsey Heagy, and Douglas Oldenburg 25 | - [Jupyter Notebooks](https://github.com/seg/tutorials-2016/blob/master/1608_Finite_volume) — various Jupyter Notebooks and images 26 | 27 | ## October 2016 28 | - [Facies classification using machine learning](http://library.seg.org/doi/abs/10.1190/tle35100906.1) by Brendon Hall 29 | - [Jupyter Notebook and data](https://github.com/seg/tutorials-2016/blob/master/1610_Facies_classification) 30 | - [Machine learning contest](https://github.com/seg/2016-ml-contest) — a fun contest for everyone 31 | 32 | ## December 2016 33 | - [Linear inversion](http://library.seg.org/doi/abs/10.1190/tle35121085.1) by Matt Hall 34 | - [Jupyter Notebooks](https://github.com/seg/tutorials-2016/blob/master/1612_Linear_inversion) — in Python, Julia, R, and Torch! 35 | 36 |