Skip to content

Instantly share code, notes, and snippets.

@buttercutter
Last active June 29, 2022 00:20
Show Gist options
  • Star 1 You must be signed in to star a gist
  • Fork 0 You must be signed in to fork a gist
  • Save buttercutter/b6f526c56e20f029d68e6f9041c3f5c0 to your computer and use it in GitHub Desktop.
Save buttercutter/b6f526c56e20f029d68e6f9041c3f5c0 to your computer and use it in GitHub Desktop.
GDAS : Searching for A Robust Neural Architecture in Four GPU Hours
# https://github.com/D-X-Y/AutoDL-Projects/issues/99
import torch
import torch.utils.data
import torch.nn as nn
import torch.nn.functional as F
import torch.optim as optim
import torchvision
import torchvision.transforms as transforms
import tensorflow as tf
# import numpy as np
VISUALIZER = 1
DEBUG = 1
logdir = 'runs/gdas_experiment_1'
if VISUALIZER:
# https://pytorch.org/tutorials/intermediate/tensorboard_tutorial.html
from torch.utils.tensorboard import SummaryWriter
# from tensorboardX import SummaryWriter
# default `log_dir` is "runs" - we'll be more specific here
writer = SummaryWriter(logdir)
# https://github.com/szagoruyko/pytorchviz
from torchviz import make_dot
if DEBUG:
torch.autograd.set_detect_anomaly(True)
tf.debugging.experimental.enable_dump_debug_info(logdir, tensor_debug_mode="FULL_HEALTH", circular_buffer_size=-1)
USE_CUDA = torch.cuda.is_available()
# https://arxiv.org/pdf/1806.09055.pdf#page=12
TEST_DATASET_RATIO = 0.5 # 50 percent of the dataset is dedicated for testing purpose
BATCH_SIZE = 4
NUM_OF_IMAGE_CHANNELS = 3 # RGB
IMAGE_HEIGHT = 32
IMAGE_WIDTH = 32
NUM_OF_IMAGE_CLASSES = 10
SIZE_OF_HIDDEN_LAYERS = 64
NUM_EPOCHS = 1
LEARNING_RATE = 0.025
MOMENTUM = 0.9
NUM_OF_CELLS = 8
NUM_OF_MIXED_OPS = 4
NUM_OF_PREVIOUS_CELLS_OUTPUTS = 2 # last_cell_output , second_last_cell_output
NUM_OF_NODES_IN_EACH_CELL = 5 # including the last node that combines the output from all 4 previous nodes
MAX_NUM_OF_CONNECTIONS_PER_NODE = NUM_OF_NODES_IN_EACH_CELL
NUM_OF_CHANNELS = 16
INTERVAL_BETWEEN_REDUCTION_CELLS = 3
PREVIOUS_PREVIOUS = 2 # (n-2)
REDUCTION_STRIDE = 2
NORMAL_STRIDE = 1
TAU_GUMBEL = 0.5
EDGE_WEIGHTS_NETWORK_IN_SIZE = 5
EDGE_WEIGHTS_NETWORK_OUT_SIZE = 2
# https://pytorch.org/tutorials/beginner/blitz/cifar10_tutorial.html
transform = transforms.Compose(
[transforms.ToTensor(),
transforms.Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5))])
trainset = torchvision.datasets.CIFAR10(root='./data', train=True,
download=True, transform=transform)
trainloader = torch.utils.data.DataLoader(trainset, batch_size=BATCH_SIZE,
shuffle=True, num_workers=2)
valset = torchvision.datasets.CIFAR10(root='./data', train=False,
download=True, transform=transform)
valloader = torch.utils.data.DataLoader(valset, batch_size=BATCH_SIZE,
shuffle=False, num_workers=2)
classes = ('plane', 'car', 'bird', 'cat',
'deer', 'dog', 'frog', 'horse', 'ship', 'truck')
TRAIN_BATCH_SIZE = int(len(trainset) * (1 - TEST_DATASET_RATIO))
# https://discordapp.com/channels/687504710118146232/703298739732873296/853270183649083433
# for training for edge weights as well as internal NN function weights
class Edge(nn.Module):
def __init__(self):
super(Edge, self).__init__()
# https://stackoverflow.com/a/51027227/8776167
# self.linear = nn.Linear(EDGE_WEIGHTS_NETWORK_IN_SIZE, EDGE_WEIGHTS_NETWORK_OUT_SIZE)
# https://pytorch.org/docs/stable/generated/torch.nn.parameter.Parameter.html
self.weights = nn.Parameter(torch.zeros(1),
requires_grad=True) # for edge weights, not for internal NN function weights
def __freeze_w(self):
self.weights.requires_grad = False
def __unfreeze_w(self):
self.weights.requires_grad = True
def __freeze_f(self):
for param in self.f.parameters():
param.requires_grad = False
def __unfreeze_f(self):
for param in self.f.parameters():
param.requires_grad = True
# for NN functions internal weights training
def forward_f(self, x):
self.__unfreeze_f()
self.__freeze_w()
# inheritance in python classes and SOLID principles
# https://en.wikipedia.org/wiki/SOLID
# https://blog.cleancoder.com/uncle-bob/2020/10/18/Solid-Relevance.html
return self.f(x)
# self-defined initial NAS architecture, for supernet architecture edge weight training
def forward_edge(self, x):
self.__freeze_f()
self.__unfreeze_w()
return x * self.weights
def forward(self, x, types):
y_hat = None
if types == "f":
y_hat = self.forward_f(x)
elif types == "edge":
y_hat = self.forward_edge(x)
return y_hat
class ConvEdge(Edge):
def __init__(self, stride):
super().__init__()
self.f = nn.Conv2d(in_channels=3, out_channels=3, kernel_size=(3, 3), stride=(stride, stride), padding=1)
# class LinearEdge(Edge):
# def __init__(self):
# super().__init__()
# self.f = nn.Linear(84, 10)
class MaxPoolEdge(Edge):
def __init__(self, stride):
super().__init__()
self.f = nn.MaxPool2d(kernel_size=3, stride=stride, padding=1, ceil_mode=True)
class AvgPoolEdge(Edge):
def __init__(self, stride):
super().__init__()
self.f = nn.AvgPool2d(kernel_size=3, stride=stride, padding=1, ceil_mode=True)
class Skip(nn.Module):
def forward(self, x):
return x
class SkipEdge(Edge):
def __init__(self):
super().__init__()
self.f = Skip()
# to collect and manage different edges between 2 nodes
class Connection(nn.Module):
def __init__(self, stride):
super(Connection, self).__init__()
if USE_CUDA:
# creates distinct edges and references each of them in a list (self.edges)
# self.linear_edge = LinearEdge().cuda()
self.conv2d_edge = ConvEdge(stride).cuda()
self.maxpool_edge = MaxPoolEdge(stride).cuda()
self.avgpool_edge = AvgPoolEdge(stride).cuda()
self.skip_edge = SkipEdge().cuda()
else:
# creates distinct edges and references each of them in a list (self.edges)
# self.linear_edge = LinearEdge()
self.conv2d_edge = ConvEdge(stride)
self.maxpool_edge = MaxPoolEdge(stride)
self.avgpool_edge = AvgPoolEdge(stride)
self.skip_edge = SkipEdge()
# self.edges = [self.conv2d_edge, self.maxpool_edge, self.avgpool_edge, self.skip_edge]
# python list will break the computation graph, need to use nn.ModuleList as a differentiable python list
self.edges = nn.ModuleList([self.conv2d_edge, self.maxpool_edge, self.avgpool_edge, self.skip_edge])
self.edge_weights = torch.zeros(NUM_OF_MIXED_OPS, requires_grad=True)
self.edges_results = torch.zeros([BATCH_SIZE, NUM_OF_IMAGE_CHANNELS, IMAGE_HEIGHT, IMAGE_WIDTH],
requires_grad=False)
# for approximate architecture gradient
self.f_weights = torch.zeros(NUM_OF_MIXED_OPS, requires_grad=True)
self.f_weights_backup = torch.zeros(NUM_OF_MIXED_OPS, requires_grad=True)
self.weight_plus = torch.zeros(NUM_OF_MIXED_OPS, requires_grad=True)
self.weight_minus = torch.zeros(NUM_OF_MIXED_OPS, requires_grad=True)
# use linear transformation (weighted summation) to combine results from different edges
self.combined_feature_map = torch.zeros([BATCH_SIZE, NUM_OF_IMAGE_CHANNELS, IMAGE_HEIGHT, IMAGE_WIDTH],
requires_grad=False)
if USE_CUDA:
self.combined_feature_map = self.combined_feature_map.cuda()
for e in range(NUM_OF_MIXED_OPS):
with torch.no_grad():
self.edge_weights[e] = self.edges[e].weights
# https://stackoverflow.com/a/45024500/8776167 extracts the weights learned through NN functions
# self.f_weights[e] = list(self.edges[e].parameters())
# Refer to GDAS equations (5) and (6)
# if one_hot is already there, would summation be required given that all other entries are forced to 0 ?
# It's not required, but you don't know, which index is one hot encoded 1.
# https://pytorch.org/docs/stable/nn.functional.html#gumbel-softmax
# See also https://github.com/D-X-Y/AutoDL-Projects/issues/10#issuecomment-916619163
gumbel = F.gumbel_softmax(self.edge_weights, tau=TAU_GUMBEL, hard=True)
self.chosen_edge = torch.argmax(gumbel, dim=0) # converts one-hot encoding into integer
def reinit(self):
self.combined_feature_map = torch.zeros([BATCH_SIZE, NUM_OF_IMAGE_CHANNELS, IMAGE_HEIGHT, IMAGE_WIDTH],
requires_grad=False)
if USE_CUDA:
self.combined_feature_map = self.combined_feature_map.cuda()
# See https://www.reddit.com/r/pytorch/comments/rtlvtk/tensorboard_issue_with_selfdefined_forward/
# Tensorboard visualization requires a generic forward() function
def forward(self, x, types=None):
if USE_CUDA:
self.edges_results = self.edges_results.cuda()
for e in range(NUM_OF_MIXED_OPS):
self.edges_results = self.edges_results + self.edges[e].forward(x, types)
return self.edges_results
# to collect and manage multiple different connections between a particular node and its neighbouring nodes
class Node(nn.Module):
def __init__(self, stride):
super(Node, self).__init__()
# two types of output connections
# Type 1: (multiple edges) output connects to the input of the other intermediate nodes
# Type 2: (single edge) output connects directly to the final output node
# Type 1
self.connections = nn.ModuleList([Connection(stride) for i in range(MAX_NUM_OF_CONNECTIONS_PER_NODE)])
# Type 2
# depends on PREVIOUS node's Type 1 output
self.output = torch.zeros([BATCH_SIZE, NUM_OF_IMAGE_CHANNELS, IMAGE_HEIGHT, IMAGE_WIDTH],
requires_grad=False) # for initialization
if USE_CUDA:
self.output = self.output.cuda()
def reinit(self):
self.output = torch.zeros([BATCH_SIZE, NUM_OF_IMAGE_CHANNELS, IMAGE_HEIGHT, IMAGE_WIDTH],
requires_grad=False)
if USE_CUDA:
self.output = self.output.cuda()
# See https://www.reddit.com/r/pytorch/comments/rtlvtk/tensorboard_issue_with_selfdefined_forward/
# Tensorboard visualization requires a generic forward() function
def forward(self, x, node_num=0, types=None):
# not all nodes have same number of Type-1 output connection
for cc in range(MAX_NUM_OF_CONNECTIONS_PER_NODE - node_num - 1):
y = self.connections[cc].forward(x, types)
# combines all the feature maps from different mixed ops edges
self.connections[cc].combined_feature_map = \
self.connections[cc].combined_feature_map + y # Ltrain(w±, alpha)
return self.connections[0].combined_feature_map # why 0 ? all cc indices have the same variable value
# to manage all nodes within a cell
class Cell(nn.Module):
def __init__(self, stride):
super(Cell, self).__init__()
# all the coloured edges inside
# https://user-images.githubusercontent.com/3324659/117573177-20ea9a80-b109-11eb-9418-16e22e684164.png
# A single cell contains 'NUM_OF_NODES_IN_EACH_CELL' distinct nodes
# for the k-th node, we have (k+1) preceding nodes.
# Each intermediate state, 0->3 ('NUM_OF_NODES_IN_EACH_CELL-1'),
# is connected to each previous intermediate state
# as well as the output of the previous two cells, c_{k-2} and c_{k-1} (after a preprocessing layer).
# previous_previous_cell_output = c_{k-2}
# previous_cell_output = c{k-1}
self.nodes = nn.ModuleList([Node(stride) for i in range(NUM_OF_NODES_IN_EACH_CELL)])
# just for variables initialization
self.previous_cell = 0
self.previous_previous_cell = 0
self.output = torch.zeros([BATCH_SIZE, NUM_OF_IMAGE_CHANNELS, IMAGE_HEIGHT, IMAGE_WIDTH],
requires_grad=False)
if USE_CUDA:
self.output = self.output.cuda()
for n in range(NUM_OF_NODES_IN_EACH_CELL):
# 'add' then 'concat' feature maps from different nodes
# needs to take care of tensor dimension mismatch
# See https://github.com/D-X-Y/AutoDL-Projects/issues/99#issuecomment-869100416
self.output = self.output + self.nodes[n].output
def reinit(self):
self.output = torch.zeros([BATCH_SIZE, NUM_OF_IMAGE_CHANNELS, IMAGE_HEIGHT, IMAGE_WIDTH],
requires_grad=False)
if USE_CUDA:
self.output = self.output.cuda()
# See https://www.reddit.com/r/pytorch/comments/rtlvtk/tensorboard_issue_with_selfdefined_forward/
# Tensorboard visualization requires a generic forward() function
def forward(self, x, x1, x2, c=0, types=None):
for n in range(NUM_OF_NODES_IN_EACH_CELL):
if c <= 1:
if n == 0:
# Uses datasets as input
# x = train_inputs
if USE_CUDA:
x = x.cuda()
# combines all the feature maps from different mixed ops edges
self.nodes[n].output = \
self.nodes[n].forward(x, node_num=n, types=types) # Ltrain(w±, alpha)
else:
# Uses feature map output from previous neighbour nodes for further processing
for ni in range(n):
# nodes[ni] for previous nodes only
# connections[n-1] for neighbour nodes only
x = self.nodes[ni].connections[n-1].combined_feature_map
y = self.nodes[ni].forward(x, node_num=n, types=types) # Ltrain(w±, alpha)
# combines all the feature maps from different mixed ops edges
self.nodes[n].output = \
self.nodes[n].forward(y, node_num=n, types=types) # Ltrain(w±, alpha)
# Uses feature map output from previous neighbour cells for further processing
y1 = self.nodes[NUM_OF_NODES_IN_EACH_CELL - 1].forward(x1, node_num=n, types=types)
y2 = self.nodes[NUM_OF_NODES_IN_EACH_CELL - 1].forward(x2, node_num=n, types=types)
# combines all the feature maps from different mixed ops edges
self.nodes[n].output = \
self.nodes[n].forward(y1 + y2, node_num=n, types=types) # Ltrain(w±, alpha)
else:
if n == 0:
# Uses feature map output from previous neighbour cells for further processing
y1 = self.nodes[NUM_OF_NODES_IN_EACH_CELL - 1].forward(x1, node_num=n, types=types)
y2 = self.nodes[NUM_OF_NODES_IN_EACH_CELL - 1].forward(x2, node_num=n, types=types)
# combines all the feature maps from different mixed ops edges
self.nodes[n].output = \
self.nodes[n].forward(y1 + y2, node_num=n, types=types) # Ltrain(w±, alpha)
else:
# Uses feature map output from previous neighbour nodes for further processing
for ni in range(n):
# nodes[ni] for previous nodes only
# connections[n-1] for neighbour nodes only
x = self.nodes[ni].connections[n-1].combined_feature_map
y = self.nodes[ni].forward(x, node_num=n, types=types) # Ltrain(w±, alpha)
# combines all the feature maps from different mixed ops edges
self.nodes[n].output = \
self.nodes[n].forward(y, node_num=n, types=types) # Ltrain(w±, alpha)
# Uses feature map output from previous neighbour cells for further processing
y1 = self.nodes[NUM_OF_NODES_IN_EACH_CELL - 1].forward(x1, node_num=n, types=types)
y2 = self.nodes[NUM_OF_NODES_IN_EACH_CELL - 1].forward(x2, node_num=n, types=types)
# combines all the feature maps from different mixed ops edges
self.nodes[n].output = \
self.nodes[n].forward(y1 + y2, node_num=n, types=types) # Ltrain(w±, alpha)
# to manage all nodes
class Graph(nn.Module):
def __init__(self):
super(Graph, self).__init__()
stride = 0 # just to initialize a variable
for i in range(NUM_OF_CELLS):
if i % INTERVAL_BETWEEN_REDUCTION_CELLS == 0:
stride = REDUCTION_STRIDE # to emulate reduction cell by using normal cell with stride=2
else:
stride = NORMAL_STRIDE # normal cell
self.cells = nn.ModuleList([Cell(stride) for i in range(NUM_OF_CELLS)])
self.linears = nn.Linear(NUM_OF_IMAGE_CHANNELS * IMAGE_HEIGHT * IMAGE_WIDTH, NUM_OF_IMAGE_CLASSES)
def reinit(self):
# See https://discuss.pytorch.org/t/tensorboard-issue-with-self-defined-forward-function/140628/20?u=promach
for c in range(NUM_OF_CELLS):
self.cells[c].reinit()
for n in range(NUM_OF_NODES_IN_EACH_CELL):
self.cells[c].nodes[n].reinit()
# not all nodes have same number of Type-1 output connection
for cc in range(MAX_NUM_OF_CONNECTIONS_PER_NODE - n - 1):
self.cells[c].nodes[n].connections[cc].reinit()
def print_debug(self):
for c in range(NUM_OF_CELLS):
for n in range(NUM_OF_NODES_IN_EACH_CELL):
# not all nodes have same number of Type-1 output connection
for cc in range(MAX_NUM_OF_CONNECTIONS_PER_NODE - n - 1):
for e in range(NUM_OF_MIXED_OPS):
if DEBUG:
print("c = ", c, " , n = ", n, " , cc = ", cc, " , e = ", e)
print("graph.cells[", c, "].nodes[", n, "].connections[", cc,
"].combined_feature_map.grad_fn = ",
self.cells[c].nodes[n].connections[cc].combined_feature_map.grad_fn)
print("graph.cells[", c, "].output.grad_fn = ",
self.cells[c].output.grad_fn)
print("graph.cells[", c, "].nodes[", n, "].output.grad_fn = ",
self.cells[c].nodes[n].output.grad_fn)
if VISUALIZER == 0:
self.cells[c].nodes[n].output.retain_grad()
print("gradwalk(graph.cells[", c, "].nodes[", n, "].output.grad_fn)")
# gradwalk(graph.cells[c].nodes[n].output.grad_fn)
# 'add' then 'concat' feature maps from different nodes
# needs to take care of tensor dimension mismatch
# See https://github.com/D-X-Y/AutoDL-Projects/issues/99#issuecomment-869100416
self.cells[c].output = self.cells[c].output + self.cells[c].nodes[n].output
if DEBUG:
print("graph.cells[", c, "].output.grad_fn = ",
self.cells[c].output.grad_fn)
if VISUALIZER == 0:
self.cells[c].output.retain_grad()
print("gradwalk(graph.cells[", c, "].output.grad_fn)")
# gradwalk(graph.cells[c].output.grad_fn)
# See https://www.reddit.com/r/pytorch/comments/rtlvtk/tensorboard_issue_with_selfdefined_forward/
# Tensorboard visualization requires a generic forward() function
def forward(self, x, types=None):
# train_inputs = x
# https://www.reddit.com/r/learnpython/comments/no7btk/how_to_carry_extra_information_across_dag/
# https://docs.python.org/3/tutorial/datastructures.html
# generates a supernet consisting of 'NUM_OF_CELLS' cells
# each cell contains of 'NUM_OF_NODES_IN_EACH_CELL' nodes
# refer to PNASNet https://arxiv.org/pdf/1712.00559.pdf#page=5 for the cell arrangement
# https://pytorch.org/tutorials/beginner/examples_autograd/two_layer_net_custom_function.html
# encodes the cells and nodes arrangement in the multigraph
outputs1 = 0 # just for initialization, no special meaning
for c in range(NUM_OF_CELLS):
x1 = self.cells[c - 1].output
x2 = self.cells[c - PREVIOUS_PREVIOUS].output
self.cells[c].forward(x, x1, x2, c, types=types)
output_tensor = self.cells[NUM_OF_CELLS - 1].output
output_tensor = output_tensor.view(output_tensor.shape[0], -1)
if USE_CUDA:
output_tensor = output_tensor.cuda()
if DEBUG and VISUALIZER == 0:
output_tensor.retain_grad()
print("gradwalk(output_tensor.grad_fn)")
# gradwalk(output_tensor.grad_fn)
if USE_CUDA:
outputs1 = self.linears(output_tensor).cuda()
else:
outputs1 = self.linears(output_tensor)
if USE_CUDA:
outputs1 = outputs1.cuda()
return outputs1
total_grad_out = []
total_grad_in = []
def hook_fn_backward(module, grad_input, grad_output):
print(module) # for distinguishing module
# In order to comply with the order back-propagation, let's print grad_output
print('grad_output', grad_output)
# Reprint grad_input
print('grad_input', grad_input)
# Save to global variables
total_grad_in.append(grad_input)
total_grad_out.append(grad_output)
# for tracking the gradient back-propagation operation
def gradwalk(x, _depth=0):
if hasattr(x, 'grad'):
x = x.grad
if hasattr(x, 'next_functions'):
for fn in x.next_functions:
print(' ' * _depth + str(fn))
gradwalk(fn[0], _depth + 1)
# https://translate.google.com/translate?sl=auto&tl=en&u=http://khanrc.github.io/nas-4-darts-tutorial.html
def train_NN(forward_pass_only):
if DEBUG:
print("Entering train_NN(), forward_pass_only = ", forward_pass_only)
graph = Graph()
if USE_CUDA:
graph = graph.cuda()
if DEBUG:
modules = graph.named_children()
print("modules = ", modules)
if VISUALIZER == 0:
# Tensorboard does not like backward hook
for name, module in graph.named_modules():
module.register_full_backward_hook(hook_fn_backward)
criterion = nn.CrossEntropyLoss()
# criterion = nn.BCELoss()
optimizer1 = optim.SGD(graph.parameters(), lr=LEARNING_RATE, momentum=MOMENTUM)
# just for initialization, no special meaning
Ltrain = 0
NN_input = 0
NN_output = torch.tensor(0)
NN_train_labels = 0
for train_data, val_data in (zip(trainloader, valloader)):
NN_input, NN_train_labels = train_data
# val_inputs, val_labels = val_data
if USE_CUDA:
NN_input = NN_input.cuda()
NN_train_labels = NN_train_labels.cuda()
if forward_pass_only == 0:
# zero the parameter gradients
optimizer1.zero_grad()
# do train thing for internal NN function weights
NN_output = graph.forward(NN_input, types="f")
if VISUALIZER:
writer.add_graph(graph, NN_input)
writer.close()
make_dot(NN_output.mean(), params=dict(graph.named_parameters())).render("gdas_torchviz", format="svg")
if DEBUG:
print("outputs1.size() = ", NN_output.size())
print("train_labels.size() = ", NN_train_labels.size())
Ltrain = criterion(NN_output, NN_train_labels)
if forward_pass_only == 0:
# backward pass
if DEBUG:
Ltrain = Ltrain.requires_grad_()
Ltrain.retain_grad()
Ltrain.register_hook(lambda x: print(x))
Ltrain.backward()
if DEBUG:
print("starts to print graph.named_parameters()")
for name, param in graph.named_parameters():
print(name, param.grad)
print("finished printing graph.named_parameters()")
print("starts gradwalk()")
# gradwalk(Ltrain.grad_fn)
print("finished gradwalk()")
optimizer1.step()
graph.reinit()
else:
graph.reinit()
# no need to save model parameters for next epoch
return Ltrain
# DARTS's approximate architecture gradient. Refer to equation (8)
# needs to save intermediate trained model for Ltrain
path = './model.pth'
torch.save(graph, path)
if DEBUG:
print("after multiple for-loops")
return Ltrain
def train_architecture(forward_pass_only, train_or_val='val'):
if DEBUG:
print("Entering train_architecture(), forward_pass_only = ", forward_pass_only, " , train_or_val = ",
train_or_val)
graph = Graph()
if USE_CUDA:
graph = graph.cuda()
criterion = nn.CrossEntropyLoss()
optimizer2 = optim.SGD(graph.parameters(), lr=LEARNING_RATE, momentum=MOMENTUM)
# just for initialization, no special meaning
Lval = 0
train_inputs = 0
train_labels = 0
val_inputs = 0
val_labels = 0
if forward_pass_only == 0:
# do train thing for architecture edge weights
graph.train()
# zero the parameter gradients
optimizer2.zero_grad()
if DEBUG:
print("before multiple for-loops")
for train_data, val_data in (zip(trainloader, valloader)):
train_inputs, train_labels = train_data
val_inputs, val_labels = val_data
if USE_CUDA:
train_inputs = train_inputs.cuda()
train_labels = train_labels.cuda()
val_inputs = val_inputs.cuda()
val_labels = val_labels.cuda()
# forward pass
# use linear transformation ('weighted sum then concat') to combine results from different nodes
# into an output feature map to be fed into the next neighbour node for further processing
for c in range(NUM_OF_CELLS):
for n in range(NUM_OF_NODES_IN_EACH_CELL):
# not all nodes have same number of Type-1 output connection
for cc in range(MAX_NUM_OF_CONNECTIONS_PER_NODE - n - 1):
for e in range(NUM_OF_MIXED_OPS):
x = 0 # depends on the input tensor dimension requirement
if c == 0:
if train_or_val == 'val':
x = val_inputs
else:
x = train_inputs
else:
# Uses feature map output from previous neighbour node for further processing
x = graph.cells[c].nodes[n - 1].connections[cc].combined_feature_map
# need to take care of tensors dimension mismatch
graph.cells[c].nodes[n].connections[cc].combined_feature_map = \
graph.cells[c].nodes[n].connections[cc].combined_feature_map + \
graph.cells[c].nodes[n].connections[cc].edges[e].forward(x, "edge") # Lval(w*, alpha)
output2_tensor = graph.cells[NUM_OF_CELLS - 1].output
output2_tensor = output2_tensor.view(output2_tensor.shape[0], -1)
if USE_CUDA:
output2_tensor = output2_tensor.cuda()
if USE_CUDA:
m_linear = nn.Linear(NUM_OF_IMAGE_CHANNELS * IMAGE_HEIGHT * IMAGE_WIDTH, NUM_OF_IMAGE_CLASSES).cuda()
else:
m_linear = nn.Linear(NUM_OF_IMAGE_CHANNELS * IMAGE_HEIGHT * IMAGE_WIDTH, NUM_OF_IMAGE_CLASSES)
outputs2 = m_linear(output2_tensor)
if USE_CUDA:
outputs2 = outputs2.cuda()
if DEBUG:
print("outputs2.size() = ", outputs2.size())
print("val_labels.size() = ", val_labels.size())
print("train_labels.size() = ", train_labels.size())
if train_or_val == 'val':
loss = criterion(outputs2, val_labels)
else:
loss = criterion(outputs2, train_labels)
if forward_pass_only == 0:
# backward pass
Lval = loss
Lval = Lval.requires_grad_()
Lval.backward()
if DEBUG:
for name, param in graph.named_parameters():
print(name, param.grad)
optimizer2.step()
else:
# no need to save model parameters for next epoch
return loss
# needs to save intermediate trained model for Lval
path = './model.pth'
torch.save(graph, path)
# DARTS's approximate architecture gradient. Refer to equation (8) and https://i.imgur.com/81JFaWc.png
sigma = LEARNING_RATE
epsilon = 0.01 / torch.norm(Lval)
for c in range(NUM_OF_CELLS):
for n in range(NUM_OF_NODES_IN_EACH_CELL):
# not all nodes have same number of Type-1 output connection
for cc in range(MAX_NUM_OF_CONNECTIONS_PER_NODE - n - 1):
CC = graph.cells[c].nodes[n].connections[cc]
for e in range(NUM_OF_MIXED_OPS):
for w in graph.cells[c].nodes[n].connections[cc].edges[e].f.parameters():
# https://mythrex.github.io/math_behind_darts/
# Finite Difference Method
CC.weight_plus = w + epsilon * Lval
CC.weight_minus = w - epsilon * Lval
# Backups original f_weights
CC.f_weights_backup = w
# replaces f_weights with weight_plus before NN training
for c in range(NUM_OF_CELLS):
for n in range(NUM_OF_NODES_IN_EACH_CELL):
# not all nodes have same number of Type-1 output connection
for cc in range(MAX_NUM_OF_CONNECTIONS_PER_NODE - n - 1):
CC = graph.cells[c].nodes[n].connections[cc]
for e in range(NUM_OF_MIXED_OPS):
for w in graph.cells[c].nodes[n].connections[cc].edges[e].f.parameters():
w = CC.weight_plus
# test NN to obtain loss
Ltrain_plus = train_architecture(forward_pass_only=1, train_or_val='train')
# replaces f_weights with weight_minus before NN training
for c in range(NUM_OF_CELLS):
for n in range(NUM_OF_NODES_IN_EACH_CELL):
# not all nodes have same number of Type-1 output connection
for cc in range(MAX_NUM_OF_CONNECTIONS_PER_NODE - n - 1):
CC = graph.cells[c].nodes[n].connections[cc]
for e in range(NUM_OF_MIXED_OPS):
for w in graph.cells[c].nodes[n].connections[cc].edges[e].f.parameters():
w = CC.weight_minus
# test NN to obtain loss
Ltrain_minus = train_architecture(forward_pass_only=1, train_or_val='train')
# Restores original f_weights
for c in range(NUM_OF_CELLS):
for n in range(NUM_OF_NODES_IN_EACH_CELL):
# not all nodes have same number of Type-1 output connection
for cc in range(MAX_NUM_OF_CONNECTIONS_PER_NODE - n - 1):
CC = graph.cells[c].nodes[n].connections[cc]
for e in range(NUM_OF_MIXED_OPS):
for w in graph.cells[c].nodes[n].connections[cc].edges[e].f.parameters():
w = CC.f_weights_backup
if DEBUG:
print("after multiple for-loops")
L2train_Lval = (Ltrain_plus - Ltrain_minus) / (2 * epsilon)
return Lval - L2train_Lval
if __name__ == "__main__":
run_num = 0
not_converged = 1
while not_converged:
print("run_num = ", run_num)
ltrain = train_NN(forward_pass_only=0)
print("Finished train_NN()")
if VISUALIZER or DEBUG:
break # visualizer does not need more than a single run
# 'train_or_val' to differentiate between using training dataset and validation dataset
lval = train_architecture(forward_pass_only=0, train_or_val='val')
print("Finished train_architecture()")
print("lval = ", lval, " , ltrain = ", ltrain)
not_converged = (lval > 0.01) or (ltrain > 0.01)
run_num = run_num + 1
# do test thing
/home/phung/PycharmProjects/venv/py39/bin/python /home/phung/PycharmProjects/beginner_tutorial/gdas.py
Files already downloaded and verified
Files already downloaded and verified
run_num = 0
Entering train_NN(), forward_pass_only = 0
modules = <generator object Module.named_children at 0x7f16a2e85040>
Cannot insert a Tensor that requires grad as a constant. Consider making it a parameter or input, or detaching the gradient
Tensor:
(1,1,.,.) =
Columns 1 to 7 -30.7793 -38.4332 -39.1389 -37.5703 -35.9023 -34.4059 -33.1005
-37.9704 -46.9870 -47.4506 -45.3877 -43.0848 -40.9355 -39.1825
-38.9551 -47.5739 -47.5507 -45.0468 -42.1996 -39.4955 -37.3703
-37.4355 -45.4686 -45.0786 -42.5026 -39.6783 -36.7968 -34.3027
-36.0176 -43.4520 -42.6740 -39.9864 -37.2439 -34.3447 -31.7953
-34.7288 -41.8862 -40.6801 -37.8159 -34.9629 -32.1674 -29.5599
-33.6538 -40.7114 -39.3573 -36.1611 -33.1226 -30.3149 -27.7022
-32.8307 -39.6730 -38.3034 -34.9272 -31.7659 -28.9217 -26.3306
-32.1657 -38.8065 -37.2547 -33.8299 -30.7293 -27.8658 -25.2304
-31.5769 -38.0287 -36.2899 -33.0683 -29.9141 -27.0525 -24.4778
-31.0780 -37.3617 -35.6685 -32.3084 -29.3870 -26.5636 -23.7553
-30.8179 -36.8596 -35.1020 -31.8691 -28.8454 -26.0147 -23.3895
-30.6734 -36.6892 -34.7992 -31.5582 -28.4832 -25.6907 -22.9340
-30.6670 -36.6977 -34.7560 -31.4674 -28.3341 -25.3985 -22.7452
-30.8143 -36.8508 -34.8970 -31.5000 -28.3183 -25.3407 -22.5081
-31.0838 -37.2095 -35.0888 -31.6780 -28.3717 -25.3183 -21.6590
-31.4132 -37.6041 -35.5415 -31.9229 -28.7023 -24.6878 -19.0274
-31.8018 -38.2978 -36.1945 -32.7099 -28.8171 -23.2338 -10.0640
-32.4337 -39.1793 -37.3554 -33.7316 -27.7493 -14.7036 -0.2035
-33.1962 -40.2005 -38.3494 -32.6680 -21.7223 -3.6206 22.5311
-33.9651 -41.3730 -37.3766 -27.1073 -10.4292 13.7313 42.8732
-34.9173 -42.2930 -35.9890 -18.0358 5.0114 34.6469 59.6079
-35.9934 -43.5273 -32.9954 -8.0340 23.1607 52.3710 73.1636
-37.3854 -44.7218 -29.8004 2.9094 42.3419 71.1903 84.2674
-38.7540 -45.8535 -26.8173 13.5562 56.0524 85.4900 93.8412
-39.7309 -44.6951 -22.5652 20.3258 65.2948 91.1796 100.9802
-39.5645 -42.7068 -16.5914 28.3925 70.4274 93.8034 102.8292
-37.9715 -40.9679 -10.5478 34.9992 74.4228 94.0794 101.2844
-35.9257 -38.7243 -7.9834 38.3964 74.1556 89.3485 97.4861
-34.2377 -37.0499 -7.6081 37.0822 66.4472 81.5039 93.1727
-34.5651 -40.2346 -11.0514 28.3619 56.4742 75.2546 89.4971
-38.8424 -41.1808 -12.1938 24.2521 49.6756 66.0493 78.4690
Columns 8 to 14 -32.0377 -31.0933 -30.1555 -29.3086 -28.4866 -27.8400 -27.4614
-37.6971 -36.2421 -35.1036 -34.0341 -33.0697 -32.0981 -31.4937
-35.5400 -34.0223 -32.5054 -31.4403 -30.4183 -29.5855 -28.7953
-32.3446 -30.5934 -29.2588 -27.9412 -26.9626 -26.0575 -25.5373
-29.6114 -27.8235 -26.2587 -25.0254 -23.9091 -23.1186 -22.3819
-27.4324 -25.5241 -23.8946 -22.5744 -21.4102 -20.3764 -19.8419
-25.5171 -23.6240 -21.9254 -20.3590 -19.1966 -18.2462 -17.3614
-23.9187 -22.0546 -20.2458 -18.6568 -17.2394 -16.1833 -15.5250
-22.8894 -20.6894 -19.0345 -17.3040 -15.8530 -14.8081 -14.0312
-21.9180 -19.9055 -17.7931 -16.0343 -14.4631 -13.2957 -12.6912
-21.4382 -19.0383 -16.3677 -13.3268 -10.1959 -8.6983 -7.8992
-20.7887 -17.9207 -14.1020 -6.1255 -0.8323 3.9543 4.6030
-20.0458 -15.9762 -7.4934 3.3013 17.8200 24.4164 25.8280
-19.0578 -11.9662 2.0779 20.3419 36.8555 46.5860 42.0097
-17.8996 -6.1774 12.8311 38.6163 55.9639 62.1967 47.6525
-15.5072 -0.1251 25.6830 50.1746 67.5196 65.7014 57.2054
-8.0197 7.9882 35.2084 59.5613 69.2746 66.9879 62.9265
2.2895 23.7756 44.3000 62.2853 63.0237 59.9734 55.9629
24.2114 40.1442 55.3663 60.4716 61.7552 60.8929 59.2389
43.1664 60.0977 64.2011 68.1877 77.6621 80.5319 74.6192
63.7718 70.6980 65.5206 80.1913 93.8257 95.8802 92.4984
74.9608 66.2626 74.3060 93.3508 103.6712 106.2128 103.6031
73.0946 70.9612 86.8544 102.6991 109.8337 111.3051 106.6731
82.0438 89.5448 101.6418 109.2087 112.8337 112.7208 106.3688
98.0690 104.9863 109.9367 112.6901 113.7038 112.7851 103.7102
106.1938 109.7079 112.1405 113.3127 113.5862 111.6052 98.7197
107.3650 110.7414 112.5751 112.9800 112.7393 109.5186 95.3409
106.5478 110.6523 112.4237 112.4842 112.0066 108.3333 95.2413
104.7703 109.9119 111.8132 112.1192 111.5788 108.0187 97.6402
102.9105 108.4494 110.4828 111.4786 111.0212 107.2795 98.6680
99.7810 105.1828 108.0264 109.0349 107.7430 103.5381 94.6493
86.8987 91.5864 93.6841 93.4867 91.4158 86.8052 78.8148
Columns 15 to 21 -27.2628 -27.1759 -27.1427 -27.1587 -27.3017 -27.6446 -28.1046
-31.1852 -31.0250 -30.9995 -31.1529 -31.4844 -31.8458 -32.2392
-28.5366 -28.3603 -28.4096 -28.6983 -28.8179 -28.9766 -29.5471
-25.1331 -25.0802 -25.2030 -25.3864 -25.3509 -25.5947 -26.0526
-22.1507 -22.0635 -22.1516 -22.1712 -22.2461 -22.6182 -23.3894
-19.3388 -19.2765 -19.2372 -19.2967 -19.5554 -20.1126 -20.9307
-16.9936 -16.7830 -16.7380 -16.8330 -17.1434 -17.7896 -18.7511
-15.0615 -14.8053 -14.7615 -14.8398 -15.2566 -15.9166 -16.8912
-13.6160 -13.5315 -13.4403 -13.5879 -13.8141 -14.3747 -15.4900
-12.3976 -12.9264 -13.1193 -12.6822 -12.6680 -13.2740 -14.2229
-8.6613 -12.4602 -14.1902 -12.7113 -12.0026 -12.3896 -13.4052
1.1132 -11.7509 -17.1995 -13.1441 -11.3120 -11.3012 -12.4127
12.4463 -12.0649 -15.0092 -10.4101 -8.2536 -9.0661 -11.8847
16.9370 3.4418 2.6699 0.9344 -1.3974 -7.0016 -11.6135
35.4215 30.7329 21.9287 14.7644 4.9092 -6.2018 -11.5979
54.6553 47.2397 37.6288 24.5515 7.3736 -6.4418 -11.8766
59.1607 55.0456 45.3287 28.0561 7.4636 -6.8232 -12.5408
55.8250 56.0076 46.1069 27.6777 6.4743 -7.5331 -13.1990
54.3870 51.7014 44.6263 25.8455 4.5077 -9.2113 -14.5323
69.0120 59.1265 38.0605 21.9159 1.6384 -11.5951 -16.2824
84.5783 63.1501 32.1182 12.5893 -3.3787 -14.1378 -18.4384
90.0742 59.7013 23.7333 1.4623 -9.9858 -17.8337 -20.6389
88.4811 53.2795 13.8385 -9.4678 -16.3790 -21.1906 -23.5913
84.4988 47.5411 11.3411 -5.7203 -18.0969 -24.4356 -26.4914
78.7327 45.0076 16.4319 -1.3499 -18.5077 -27.0366 -29.5601
73.9902 41.6736 20.3022 0.3940 -20.0642 -29.8046 -32.8181
71.1772 46.2357 27.4927 0.7850 -22.8735 -33.5381 -36.4009
77.0667 57.7854 32.5838 -1.6906 -26.6817 -37.7323 -40.8225
84.2766 61.7957 32.4332 -4.1795 -31.4958 -42.3059 -44.9513
84.5150 60.8684 29.7836 -8.5427 -35.9773 -46.3574 -49.1104
80.6290 56.8484 22.5006 -14.9969 -41.6569 -50.3832 -52.7351
65.6803 43.0504 10.6071 -22.4850 -42.5279 -48.4727 -49.9580
Columns 22 to 28 -28.5768 -29.1478 -30.0110 -31.0850 -32.2554 -33.5482 -34.8708
-33.0273 -33.9328 -35.1913 -36.6388 -38.3109 -40.1367 -41.9534
-30.2292 -31.4637 -32.7856 -34.6697 -36.5669 -38.4804 -40.5059
-27.0686 -28.2086 -29.8984 -31.4972 -33.2894 -35.3159 -37.8215
-24.3757 -25.6600 -27.0609 -28.6785 -30.5733 -32.9378 -35.5288
-22.0237 -23.3824 -24.8164 -26.4156 -28.5126 -30.8613 -33.3378
-20.0380 -21.4845 -22.7918 -24.7255 -26.8680 -29.0956 -31.2600
-18.3583 -19.5698 -21.4764 -23.4815 -25.4324 -27.3426 -29.6335
-16.6611 -18.4751 -20.4055 -22.2107 -24.0764 -26.2292 -28.8042
-15.7378 -17.4755 -19.2984 -21.3131 -23.3393 -25.7967 -28.2118
-14.8210 -16.6754 -18.7393 -20.6637 -22.9775 -25.3530 -27.7618
-14.3715 -16.2186 -18.0602 -20.1570 -22.5859 -24.9240 -27.4424
-13.9725 -15.6253 -17.5531 -19.8591 -22.2866 -24.6890 -27.2427
-13.6633 -15.3766 -17.4416 -19.7564 -22.2009 -24.5905 -27.0711
-13.6477 -15.4707 -17.4942 -19.8224 -22.2399 -24.5871 -27.1740
-13.9455 -15.7349 -17.9044 -20.0953 -22.4546 -24.8906 -27.3301
-14.5101 -16.3169 -18.4967 -20.7773 -23.1565 -25.3999 -28.0368
-15.3343 -17.1612 -19.2200 -21.6852 -24.0823 -26.6023 -29.0360
-16.4352 -18.2947 -20.3632 -22.7151 -25.2437 -27.8529 -30.5351
-18.2659 -19.8733 -21.8683 -24.1378 -26.6488 -29.1554 -32.1168
-20.2387 -21.9012 -23.6519 -25.7754 -28.2453 -30.8316 -33.5956
-22.5204 -24.1767 -25.7858 -27.7231 -29.9959 -32.7703 -35.5172
-25.0179 -26.7081 -28.4116 -30.0848 -32.3947 -34.9053 -37.8306
-28.0144 -29.5541 -31.3498 -33.1807 -35.1914 -37.7480 -40.2923
-31.2837 -32.8796 -34.5149 -36.5308 -38.5616 -40.7673 -43.2659
-34.6838 -36.4404 -38.1465 -39.8990 -41.9140 -44.0895 -46.1560
-38.4180 -40.0310 -41.7539 -43.4592 -45.3114 -47.1763 -49.3032
-42.3104 -43.9705 -45.3374 -46.9963 -48.7164 -50.5480 -52.3501
-46.5149 -47.7576 -49.2269 -50.5579 -52.2447 -53.9512 -55.7562
-50.3541 -51.7416 -53.0195 -54.3852 -55.8668 -57.5516 -59.2148
-53.8914 -55.2379 -56.4187 -57.8212 -59.0556 -60.4385 -61.8853
-50.8885 -51.9786 -53.1177 -54.0262 -55.1149 -56.2590 -57.5296
Columns 29 to 32 -36.2122 -37.5963 -38.1377 -36.1839
-43.7721 -45.5768 -45.7396 -36.6573
-42.9191 -45.1620 -44.3580 -35.0652
-40.5046 -42.7723 -42.1087 -33.3235
-38.0828 -40.3159 -40.1878 -31.9538
-35.7600 -38.1438 -38.4018 -30.8441
-33.7286 -36.3299 -37.2377 -29.8749
-32.3515 -35.3180 -36.1880 -29.2278
-31.5764 -34.4721 -35.5535 -28.7449
-30.9744 -34.0636 -35.1986 -28.4244
-30.6545 -33.8447 -34.8684 -28.3381
-30.4366 -33.4076 -34.6985 -28.3063
-30.0722 -33.2082 -34.6389 -28.2988
-29.9978 -33.1443 -34.6745 -28.3568
-30.0566 -33.3483 -34.8529 -28.5454
-30.4800 -33.6057 -35.2458 -28.8360
-30.9305 -34.2791 -35.7243 -29.2014
-31.9956 -35.1457 -36.4198 -29.7436
-33.4377 -36.3644 -37.4310 -30.4112
-35.0255 -37.9133 -38.5284 -31.2164
-36.7010 -39.5285 -39.8501 -32.2561
-38.4943 -41.1696 -41.3986 -33.4483
-40.6526 -43.1884 -43.0649 -34.7194
-42.9899 -45.4795 -44.8781 -36.0765
-45.5910 -47.7585 -47.0238 -37.5753
-48.4740 -50.3662 -49.1391 -39.3593
-51.2253 -53.0446 -51.4742 -41.1544
-54.2827 -55.7315 -53.6978 -42.8641
-57.4543 -58.7255 -56.0821 -44.7508
-60.8194 -62.0146 -58.7806 -46.7925
-63.4112 -64.2004 -59.9989 -47.2922
-58.6478 -59.2905 -54.4933 -40.6427
(2,1,.,.) =
Columns 1 to 7 -32.5441 -42.9865 -47.0767 -43.8458 -41.0719 -39.4987 -38.5308
-43.8143 -60.2597 -65.2188 -61.9972 -58.7072 -56.5129 -55.1061
-53.7648 -73.8972 -83.4598 -81.2969 -78.0198 -75.9040 -73.1532
-59.4769 -81.5372 -93.1315 -95.5834 -93.9424 -90.5278 -85.4880
-62.1637 -83.5697 -95.7818 -99.3763 -98.4270 -90.5843 -83.8466
-64.6836 -84.4515 -92.6806 -95.3755 -94.8556 -86.9252 -75.1671
-64.4553 -82.4525 -89.5097 -93.2494 -90.2167 -81.4401 -70.8376
-63.6205 -81.4800 -89.5191 -92.3917 -87.9367 -78.0421 -67.3318
-63.5553 -82.1136 -89.8918 -92.6105 -86.9025 -76.8620 -68.9230
-64.5201 -82.6978 -90.0554 -91.8885 -87.1700 -80.0275 -79.1181
-65.1785 -83.0095 -89.5959 -92.0168 -89.7635 -87.8250 -84.6746
-64.0133 -82.3219 -89.7587 -92.7061 -93.2418 -89.8518 -84.9329
-61.5952 -80.8701 -89.0127 -92.5759 -94.1883 -89.9906 -84.4924
-58.5723 -78.2716 -87.1581 -91.5081 -93.6600 -89.8967 -86.1697
-55.9243 -75.6642 -85.3713 -90.7120 -92.5302 -91.1604 -90.3230
-54.3416 -73.9102 -84.2671 -89.3259 -90.3181 -91.6142 -89.7848
-52.8964 -72.0830 -81.6564 -85.9981 -88.0839 -88.8348 -86.0552
-50.6982 -68.7213 -77.2790 -81.5884 -81.7715 -78.2352 -75.2047
-48.3330 -65.2112 -72.7444 -74.1193 -67.5046 -57.0142 -51.1999
-46.8368 -62.8515 -68.2374 -63.4292 -47.0876 -27.2338 -15.1730
-46.0890 -61.8448 -64.9715 -55.5860 -30.2063 2.8094 21.1415
-45.5562 -60.8117 -62.6573 -50.9925 -19.9380 20.7705 46.5408
-44.5246 -59.7564 -61.0740 -47.7662 -13.8676 30.5675 59.8851
-43.4564 -58.6711 -60.1377 -46.1426 -10.5486 36.4106 66.3424
-42.7863 -57.9759 -59.6005 -45.4673 -8.7965 39.6957 71.5624
-42.1128 -57.1243 -58.1242 -43.7887 -6.3188 43.9083 77.7098
-39.5477 -53.8588 -53.9568 -39.3767 -1.7667 49.1546 84.2375
-36.3749 -49.8998 -49.1041 -34.2190 3.3799 53.3344 88.9610
-34.4988 -47.5011 -45.5992 -29.5622 6.5708 55.6872 90.6282
-34.0303 -46.3283 -43.3302 -25.1964 11.0619 56.4105 90.2808
-33.9261 -45.6981 -41.6445 -22.2519 15.2264 58.3274 89.3435
-35.6991 -42.7134 -37.8254 -18.8449 16.2895 54.2679 77.4355
Columns 8 to 14 -37.8442 -37.4289 -34.2183 -20.5870 -5.3522 3.5056 6.4011
-53.6705 -52.8137 -44.4234 -17.0932 9.4438 24.4015 30.1066
-70.3286 -67.5757 -47.8584 -7.1006 28.1663 46.3296 52.2721
-80.4315 -73.5573 -46.3133 0.5593 39.6815 58.7062 63.7377
-77.2004 -71.5204 -44.1052 4.1540 43.8433 61.8188 66.4790
-68.9914 -64.1486 -42.2810 2.1744 36.6569 53.3482 58.4371
-62.3177 -60.5351 -42.3829 -11.3996 12.4435 26.6691 28.6264
-61.7957 -60.1383 -51.9412 -38.4053 -25.7491 -19.8169 -20.6640
-67.4928 -67.5511 -67.5933 -64.2578 -60.1573 -60.2210 -62.6608
-77.4835 -76.4005 -71.6884 -67.1760 -66.2839 -72.1975 -78.2508
-80.4860 -73.7685 -66.7884 -62.1951 -64.0733 -71.9477 -78.6188
-79.2447 -72.5043 -64.7034 -60.5213 -62.5282 -67.0023 -74.0007
-79.9327 -73.6719 -65.1987 -59.5782 -57.5541 -61.1080 -69.8701
-83.6734 -76.6806 -68.8790 -59.2861 -55.2606 -59.4747 -70.4423
-85.7892 -79.9464 -70.1998 -59.5965 -59.8164 -64.0901 -74.7486
-84.6080 -78.5813 -70.1388 -68.4456 -71.3039 -77.0091 -81.8707
-81.6072 -75.1491 -71.6485 -71.6377 -74.0534 -75.8994 -76.8586
-71.8009 -68.6395 -65.0795 -63.5007 -62.7660 -63.1526 -64.5989
-49.0293 -48.0729 -50.2862 -55.7503 -57.4552 -57.9005 -60.2683
-13.3251 -18.6005 -35.2548 -54.8506 -61.5897 -61.5745 -61.3991
23.2586 8.8421 -24.2604 -58.1718 -72.1965 -69.2395 -65.5631
48.5952 27.3079 -15.9109 -60.6801 -78.6247 -74.9904 -73.8759
62.3676 38.0616 -10.5346 -57.2732 -75.5375 -81.4404 -81.4168
69.7551 45.0575 -0.7426 -39.1855 -61.1495 -71.2889 -73.6177
75.8581 55.7221 20.6931 -13.4689 -37.3021 -51.0660 -59.2462
84.3122 71.6853 46.1085 15.4297 -7.3666 -28.3341 -48.7485
93.6664 86.9219 68.6674 44.9943 16.4500 -11.0276 -22.3673
100.1392 97.2428 86.8307 66.1580 36.6384 17.3115 17.6392
104.1696 104.7302 97.0454 80.3589 57.4014 49.1793 51.4932
105.0719 108.2106 105.0495 93.6898 83.1678 75.9934 74.3145
102.9240 107.4736 108.0354 103.8368 95.6208 88.4567 85.5723
86.3009 89.9569 93.4231 92.0911 86.9575 79.7996 77.3907
Columns 15 to 21 8.2920 8.8646 8.5349 8.3935 7.8653 7.6671 7.3473
31.6665 33.2062 34.1797 33.5643 33.0451 32.0430 29.5934
53.2214 53.8921 54.6502 54.0594 52.3514 48.5310 43.1047
64.0985 63.7211 62.0312 59.7567 55.3783 48.0647 41.1412
66.4629 62.7852 55.2814 45.8269 36.1498 25.6913 18.9320
54.7676 45.1040 29.5187 11.0942 -4.7199 -16.4751 -21.5900
22.4860 8.5089 -10.9080 -30.6710 -43.2724 -47.9115 -42.8825
-25.0204 -35.9898 -50.6946 -59.5322 -59.5471 -53.5628 -48.5475
-65.7102 -68.2059 -72.9224 -69.6363 -60.2852 -55.3559 -53.2868
-78.6590 -77.1440 -75.2635 -69.8554 -67.5899 -68.9494 -63.3513
-78.3954 -75.2636 -73.6271 -74.6261 -79.2091 -79.9076 -78.5762
-76.9410 -75.5609 -73.8675 -75.0531 -76.5464 -77.4105 -81.4696
-77.1335 -75.8590 -75.0548 -73.3558 -71.6983 -74.9496 -80.7778
-79.0666 -79.9985 -76.8354 -73.0199 -73.1629 -77.5013 -75.6647
-84.9687 -84.6105 -80.0791 -78.4945 -80.4495 -80.5248 -72.8442
-88.5072 -86.7238 -86.9115 -87.6693 -87.6997 -81.5413 -71.8030
-77.7019 -82.7478 -86.2441 -85.8425 -84.5349 -79.6379 -72.5101
-69.0207 -73.5847 -76.0611 -79.1932 -77.5616 -75.2889 -72.8317
-62.7395 -65.6442 -72.2782 -75.0199 -73.1595 -71.4678 -69.5832
-61.3349 -66.4633 -73.6669 -73.1777 -68.8874 -67.0017 -67.7229
-67.0785 -71.7486 -76.1968 -68.9683 -62.3431 -62.1212 -68.0268
-75.3287 -79.3154 -74.9637 -64.6909 -58.3527 -60.9960 -68.9812
-81.5378 -80.1290 -71.9813 -61.8299 -58.9927 -61.9440 -69.4577
-73.1698 -72.5641 -68.1132 -64.6998 -63.5628 -65.6970 -72.0434
-65.1880 -65.7731 -65.6193 -65.7598 -67.3608 -72.2230 -74.2110
-54.4266 -54.7750 -54.6841 -59.4037 -68.3796 -72.4609 -64.8397
-23.6196 -25.0848 -37.5097 -56.0413 -66.6018 -59.9155 -47.7675
16.4891 0.8933 -22.9960 -41.7615 -48.6644 -40.9440 -25.2404
44.1237 29.2272 10.9139 -1.3681 -6.7699 -12.2799 0.1922
72.6351 65.4786 57.5782 51.3488 38.3131 27.4844 28.5509
87.9475 89.2297 86.8987 77.9983 66.8671 60.9682 53.3851
82.5948 85.7184 83.0956 75.4257 69.3724 65.6843 53.5905
Columns 22 to 28 6.3521 4.5792 2.8382 1.2787 -1.6219 -4.7798 -8.4059
27.1012 26.9811 26.4397 24.7045 21.0739 14.5290 6.1082
44.6622 50.0062 52.1760 51.2065 46.8913 37.0603 26.8445
45.4744 57.2953 66.4915 67.1011 61.9276 51.9440 42.1920
29.8086 50.8067 68.9147 73.3563 68.5454 58.7928 48.1395
3.8228 36.7201 61.9829 71.1861 67.2917 57.9040 47.8330
-19.3739 17.2837 48.6901 62.6827 60.9808 51.1793 42.0396
-32.0745 -1.5657 35.1658 54.7644 54.2379 44.2160 33.3601
-42.5315 -12.6375 26.3459 47.7877 45.5558 35.4152 25.8815
-52.7151 -23.1351 16.9690 30.0272 21.8303 12.7138 7.2248
-65.8871 -30.3978 -4.6331 -2.9271 -12.5858 -26.2476 -19.5011
-71.4977 -45.6729 -39.8728 -42.1272 -49.4734 -60.9118 -46.9613
-75.5281 -69.3040 -69.1034 -73.5595 -80.3571 -82.2083 -66.8488
-71.7679 -69.5675 -76.1913 -84.2662 -86.6024 -86.3983 -75.7849
-65.9790 -67.0802 -72.9909 -76.6315 -77.4363 -77.9728 -75.4396
-66.3336 -66.1138 -68.3541 -68.3274 -68.0995 -68.0484 -69.0904
-68.7043 -65.1726 -62.4604 -61.8917 -60.9101 -62.5293 -65.5098
-67.4281 -61.8536 -58.3245 -57.0633 -57.4515 -60.2723 -63.3018
-65.4816 -60.5633 -56.7841 -55.5631 -56.4950 -58.8395 -62.1291
-66.1445 -62.1981 -57.2404 -55.2391 -55.4276 -58.4855 -62.2967
-70.2821 -64.7448 -58.3794 -54.8054 -55.1565 -58.6954 -62.8744
-72.9470 -66.4083 -58.9208 -55.2269 -55.3090 -58.5479 -64.0779
-73.7914 -66.1535 -56.8470 -51.2726 -50.5373 -53.3025 -58.6848
-72.8119 -62.3747 -46.3674 -33.1690 -27.7577 -28.3877 -29.8572
-66.8091 -51.7533 -30.2451 -6.1379 10.6776 17.4888 11.5231
-52.3468 -33.9402 -9.7923 21.0418 45.8141 55.8296 43.7605
-30.4895 -11.7685 12.0880 39.3799 66.3315 73.2937 67.0555
-7.1428 10.5896 29.9813 52.5294 70.4832 74.7083 68.5182
12.9227 26.3072 40.3173 52.8446 59.2180 59.6259 56.1638
36.1446 36.2932 38.9861 42.3868 41.6682 40.6286 39.2434
44.1019 35.9824 34.0096 34.6958 35.7450 35.4145 33.9715
40.7213 33.0805 29.3406 30.7309 31.9980 32.7636 31.9485
Columns 29 to 32 -13.5302 -14.6349 -13.4583 -9.9165
2.0579 1.9520 2.5118 4.9358
24.8037 24.2842 22.9820 19.3707
37.8047 36.0490 32.2246 26.4156
41.9714 38.3040 35.1730 27.1094
41.4784 36.8420 33.1855 24.9387
36.5701 31.6286 27.4363 19.5451
28.5064 25.5267 22.8936 15.9561
22.8028 22.2546 22.3824 14.9244
12.8560 17.7218 19.1705 12.6056
-4.9984 7.6956 13.0715 10.0058
-24.8797 -5.3293 8.0376 9.2824
-42.0130 -16.7731 -1.2585 5.4856
-53.8798 -32.0784 -18.3151 -8.2863
-62.9646 -49.3038 -37.9720 -28.4180
-67.4793 -60.4152 -54.8241 -43.7262
-65.9975 -63.4308 -54.1458 -40.9068
-64.8104 -63.7715 -52.8592 -38.7960
-65.0522 -64.0306 -52.1083 -37.4135
-65.8870 -62.1642 -49.6578 -34.5819
-65.5639 -57.0869 -43.7529 -30.1491
-63.9506 -48.2513 -30.8547 -18.5876
-57.4068 -37.0210 -12.2805 1.9634
-36.3653 -20.5618 5.8025 20.2000
-8.2920 2.2375 19.6326 27.2218
29.6001 23.6411 31.6298 26.6559
49.7151 40.1302 34.8800 23.5114
55.0126 43.9941 35.4787 23.2707
49.5848 40.2667 33.3389 23.9798
36.9922 35.0640 29.7721 24.1766
32.4810 30.1691 27.7408 22.3990
27.9473 25.0985 24.9630 18.0182
(3,1,.,.) =
Columns 1 to 8 -26.8264 -34.4858 -36.0258 -34.9555 -34.5343 -33.1512 -28.9037 -26.2676
-33.4413 -41.1752 -41.2929 -38.1327 -36.7885 -34.6387 -31.3753 -26.4327
-35.5239 -42.3673 -40.8127 -37.0971 -34.3095 -32.3961 -26.2566 -14.1413
-33.2918 -39.5048 -37.6627 -34.4684 -31.3640 -24.9711 -14.0340 3.8674
-31.8765 -37.1158 -35.8096 -32.7191 -26.4280 -14.8927 2.9276 23.4636
-31.7168 -36.8657 -36.5196 -31.2194 -17.8404 0.5380 21.9777 37.3314
-33.2915 -39.5090 -37.8134 -25.9474 -6.8943 17.7242 35.6988 47.5848
-36.1627 -44.4529 -39.5119 -17.9383 7.0194 27.7035 44.7677 47.6381
-38.7932 -48.4054 -38.5379 -13.6509 13.8335 34.1810 41.0068 38.2603
-41.0141 -51.4002 -40.8652 -12.8957 13.9576 24.3268 24.9851 19.8751
-45.4747 -56.3115 -44.7448 -19.8401 -4.6659 0.5490 2.1539 -3.8228
-46.3523 -56.6470 -52.6931 -45.0085 -37.2146 -30.3444 -25.2951 -19.2576
-38.4591 -49.8147 -54.0855 -58.0228 -59.1757 -48.3684 -35.2299 -25.2219
-27.3563 -27.1231 -28.0704 -31.4105 -40.0623 -36.9486 -25.9394 -17.6205
-22.1666 -12.3160 1.0948 -1.5818 -3.1238 -5.6444 -9.7415 -5.3103
-19.6061 -8.5635 9.7008 23.0233 23.6664 17.7127 5.3185 3.5706
-26.4236 -16.1620 4.8904 24.8972 32.9504 27.5383 18.8477 13.2690
-38.2124 -34.9589 -8.8936 13.8063 27.6660 32.5738 29.5629 28.6007
-47.1021 -49.3250 -32.4083 -6.7803 14.4946 28.2868 35.4242 33.8718
-50.4527 -62.3796 -52.7996 -31.2040 -4.4167 18.3668 31.9561 37.4711
-55.6756 -71.2695 -70.4930 -52.7119 -26.7148 2.7118 24.0770 37.1552
-62.1572 -79.1048 -83.8234 -72.4287 -47.0567 -17.4782 11.8387 30.6051
-65.4207 -82.5510 -89.2793 -84.6843 -66.4575 -38.5132 -7.5385 20.5886
-60.3400 -76.0947 -83.6621 -91.5086 -82.4884 -59.4813 -27.8520 0.0959
-54.4563 -69.4572 -81.7085 -91.6014 -92.6105 -75.7641 -51.4310 -23.3827
-51.4480 -68.1600 -79.7125 -86.8260 -93.7581 -88.4105 -71.1484 -40.7161
-50.4978 -65.7124 -73.1863 -82.3120 -91.4188 -95.4994 -82.5463 -64.5605
-48.0829 -60.3273 -69.9699 -80.0764 -89.4137 -91.7868 -92.4024 -84.6762
-46.3682 -59.3057 -68.9399 -77.2938 -81.7173 -85.4548 -92.9027 -95.7243
-46.3992 -59.0549 -66.8709 -71.9388 -73.7474 -78.7105 -85.9431 -92.4173
-47.4694 -59.9102 -64.8634 -64.0845 -64.7949 -67.9633 -74.2389 -83.1873
-50.2960 -58.1595 -60.1069 -55.8316 -54.9065 -56.9384 -63.6712 -71.5738
Columns 9 to 16 -22.2743 -17.1459 -12.4279 -10.5980 -11.3503 -18.2719 -28.6172 -30.6402
-18.5219 -6.4551 0.9732 3.4123 -1.9278 -18.2032 -30.6204 -33.7794
-0.0512 12.1604 20.0871 19.5720 4.2345 -8.9153 -15.8692 -23.6031
21.2345 32.0695 35.4018 23.5252 9.5203 3.0126 -2.5618 -12.6389
36.8958 43.7896 35.9984 20.7996 11.2288 11.3390 7.7195 0.8444
47.1140 43.9667 31.5659 15.7755 10.3370 18.5994 21.3531 19.2095
47.8077 38.9941 26.0983 11.6099 15.5626 27.7637 35.7602 38.4320
41.0091 29.2440 16.4830 8.5236 19.2669 37.7880 50.2695 55.0822
31.4383 12.8749 2.0876 5.8144 22.9612 43.9660 59.9225 66.1410
10.8883 2.1493 -5.9467 9.7744 29.4551 49.0980 64.7933 70.6766
-7.3387 -10.6584 -5.0875 13.4266 32.9468 51.9598 66.1132 70.2369
-19.8018 -16.7772 -5.1465 10.9813 26.9761 45.8431 58.6620 65.0703
-21.6147 -18.6593 -12.5968 -5.6741 10.7235 30.5918 43.6092 53.5111
-10.7659 -8.5783 -10.8575 -18.0648 -3.0798 11.6983 23.4146 38.5324
3.2795 6.1573 0.4014 -14.7867 -12.9231 -0.0724 17.7817 32.5987
15.3472 19.2055 11.4622 2.0331 -7.2527 1.8828 21.2105 36.5080
24.6798 29.3967 27.9584 19.5088 9.0675 5.8710 22.9056 35.1619
27.1868 37.0903 38.6962 32.8693 19.8343 8.9146 16.5951 23.4612
34.4089 38.8999 43.0342 39.1249 26.3745 4.0264 -2.8743 -0.8419
37.9083 37.8823 43.7406 43.3162 28.9605 2.1217 -27.1821 -27.6238
40.3636 41.5831 45.5715 45.4498 31.2991 0.5432 -32.1119 -46.2897
41.5033 46.3940 48.5384 46.7192 32.3964 6.9632 -21.2482 -54.0158
35.5951 47.5999 50.7125 45.8076 36.4355 22.4860 -8.7032 -47.0298
24.4662 43.0020 48.4035 47.5631 46.0908 33.8162 6.9232 -29.7650
11.2857 30.2039 40.2998 47.7599 49.5138 42.0947 21.5587 -8.8859
-14.5911 8.2570 24.7771 39.2329 48.0650 46.4566 31.4394 4.3115
-43.5437 -19.8434 4.5814 25.9398 40.5143 39.9612 29.5353 3.6218
-68.4900 -45.3953 -18.4766 5.6576 15.4356 17.3802 8.9746 -11.4540
-84.7334 -66.2676 -44.7945 -28.1006 -18.2820 -11.6743 -18.9494 -34.5662
-93.0851 -82.6752 -70.7141 -58.0099 -40.5625 -34.5293 -38.7794 -52.0921
-86.5802 -85.8071 -85.3362 -71.6394 -57.8936 -53.3871 -55.7095 -62.1476
-74.5477 -76.8192 -79.4131 -72.0876 -65.0206 -63.8592 -63.8030 -64.9050
Columns 17 to 24 -29.3641 -29.4630 -33.3014 -40.5196 -46.8812 -52.9879 -55.2606 -48.9870
-33.1146 -34.7394 -38.6673 -43.6141 -50.5182 -59.0659 -54.5837 -39.0628
-29.9203 -34.0583 -34.1892 -36.2948 -42.8737 -51.3454 -38.9793 -16.5585
-22.9171 -26.1765 -23.8918 -25.5832 -32.8853 -35.2176 -21.3818 0.8035
-6.0784 -8.9140 -7.8312 -9.7008 -13.3133 -12.0087 -3.6660 12.8626
16.6743 15.4024 13.2283 8.6342 10.1928 11.8265 15.3938 20.3199
38.0998 34.6472 26.7740 24.9103 27.9606 30.4587 31.2294 30.0674
54.2621 46.8235 41.0603 41.5864 43.2727 45.4664 42.0369 35.8028
63.8699 57.6396 55.1278 56.6642 56.7747 51.1641 44.6283 33.1900
69.1437 66.4653 64.7672 62.1038 56.2629 46.7944 36.5404 23.6858
71.1903 69.8048 64.0029 55.1107 47.8880 38.3457 22.9859 8.5589
68.8216 67.4847 58.1484 46.9008 40.6914 33.5565 16.8540 -0.9906
60.1386 59.7200 50.8410 42.3459 41.8001 32.3993 14.7765 0.9237
47.7312 48.4617 44.9067 44.4225 41.5757 29.8979 13.5403 -2.0851
41.8931 43.8172 46.3134 46.0299 39.2966 27.8603 8.0284 -6.3806
42.8842 45.4433 46.6142 43.9291 37.9247 27.2865 19.9924 3.4390
39.7414 41.2686 40.2048 38.6709 44.4708 47.2302 40.0115 6.7897
25.8904 26.5735 25.7328 30.1118 48.9973 59.3321 45.9271 3.4092
2.5859 6.1374 7.3557 21.6877 48.0191 61.2710 43.5552 -0.8179
-19.7974 -15.1161 -14.2784 8.6845 44.9264 58.7234 39.1098 -4.7486
-42.6998 -42.2709 -39.3622 -2.6876 38.5712 53.0286 35.3036 -8.1349
-68.8380 -70.1875 -57.5341 -12.8709 29.8129 46.6371 33.7762 -4.6957
-73.9030 -83.2274 -64.7580 -23.8154 20.8778 39.6700 32.2934 2.4018
-58.1072 -69.5050 -67.2045 -29.2087 13.4087 34.5090 32.8519 12.3799
-36.3001 -52.9652 -58.1657 -31.5460 7.4702 29.6440 34.5352 18.4844
-25.2905 -44.6443 -54.6624 -35.3800 -3.8890 22.2811 31.6759 21.6511
-27.2213 -47.0179 -55.3109 -46.1518 -18.5538 10.8213 23.7362 21.9861
-38.7168 -57.6670 -66.3637 -60.0158 -33.7687 -5.2153 14.0522 20.1102
-57.4371 -71.3740 -77.5321 -71.6031 -49.5273 -20.6423 2.4774 13.4109
-66.7047 -76.8697 -77.5707 -76.0240 -60.8418 -39.6840 -15.9260 -0.7362
-69.5169 -72.3926 -71.9914 -72.4065 -70.5858 -59.0439 -38.6683 -16.1591
-66.2557 -65.2013 -63.9114 -64.3519 -67.5961 -65.4388 -48.0592 -29.7564
Columns 25 to 32 -39.8206 -33.1403 -30.7603 -36.0710 -49.7224 -58.9559 -52.0953 -46.6309
-26.7897 -19.2746 -20.8165 -36.9195 -59.9008 -68.8013 -54.8217 -37.2119
1.0659 7.5146 -0.6274 -26.5021 -58.0887 -64.5199 -45.2707 -25.4948
18.0062 21.8589 8.4998 -20.1428 -46.5350 -54.2482 -37.9252 -21.4967
23.9241 23.7740 11.8160 -8.9764 -24.3148 -28.8360 -29.3909 -24.5319
23.4080 22.6791 15.6563 4.4063 -2.3776 -8.1117 -20.5851 -30.5715
26.7831 18.3290 12.7794 10.3583 11.9874 5.6246 -8.2752 -17.9450
23.1997 6.1647 -0.9502 11.3559 20.9288 19.0289 5.5916 -10.4645
15.5150 -6.3280 -6.1607 13.2315 27.2169 25.7814 9.3095 -6.8047
8.1280 -6.9672 -0.7254 20.1526 27.2848 20.1005 5.4056 -9.0358
-2.9999 -3.3540 9.4830 17.6154 14.6020 5.1433 -9.3380 -16.8358
-2.5635 4.2164 6.4725 3.5944 -3.4901 -14.4120 -25.2655 -23.4189
0.5308 -1.8852 -5.7138 -12.2113 -23.2285 -32.1508 -36.2027 -28.1582
-10.5168 -15.6743 -23.0061 -32.6261 -39.9644 -47.1697 -41.7724 -29.8256
-22.6357 -35.7420 -42.0304 -47.7995 -57.1037 -55.4035 -42.7376 -29.5772
-30.1298 -52.7601 -57.4883 -57.7941 -60.6715 -55.1404 -41.4939 -28.6899
-35.2220 -60.6008 -59.8617 -57.2154 -58.4481 -52.2462 -40.3568 -27.8099
-40.3368 -59.9592 -57.0586 -56.4664 -57.0821 -51.5090 -39.6118 -27.5362
-45.5220 -59.0015 -56.8257 -57.4613 -56.6873 -51.1368 -39.1046 -28.8082
-45.4302 -58.2367 -57.7650 -57.8264 -55.8696 -48.6291 -40.6293 -30.5947
-43.9552 -56.7186 -58.1636 -57.2788 -53.7805 -48.2453 -39.9172 -29.4030
-38.1228 -53.6911 -56.0644 -55.9949 -53.7803 -48.9572 -41.0472 -30.8554
-29.0233 -47.8843 -52.7187 -54.2396 -54.7271 -50.5388 -42.7343 -31.7955
-18.7381 -42.5220 -51.2035 -52.8729 -53.5986 -50.2261 -42.0564 -30.5781
-11.0668 -38.5970 -51.7050 -52.9336 -53.4536 -51.0686 -43.3058 -32.1104
-4.7517 -31.6666 -48.2317 -52.9347 -53.7344 -53.3100 -46.4853 -35.4811
3.3365 -20.3681 -42.0747 -52.4387 -53.6473 -54.9111 -50.4793 -38.9011
10.4013 -11.8983 -36.4747 -47.6661 -49.3932 -50.5375 -51.3959 -40.6536
11.3844 -6.4661 -23.2990 -33.7418 -34.8826 -44.1631 -51.5754 -42.8689
5.9976 0.9856 -11.0916 -16.7915 -29.6047 -43.4810 -54.1920 -47.5974
-5.6071 -1.2632 -4.9229 -16.0830 -30.4158 -45.6729 -57.3397 -49.8761
-15.4648 -11.0038 -9.9710 -17.7223 -32.8595 -47.1042 -54.3862 -43.6790
(4,1,.,.) =
Columns 1 to 8 -29.6003 -40.4195 -46.9217 -47.1003 -44.6030 -43.3085 -44.0134 -47.8724
-39.7270 -53.8272 -59.6965 -59.8975 -58.4775 -58.1487 -59.6332 -63.8898
-48.5455 -63.6769 -69.0112 -71.6891 -72.1603 -72.7111 -74.1280 -76.5626
-54.7695 -69.3950 -74.4846 -76.1969 -78.4212 -79.9494 -82.0461 -84.4245
-57.5571 -71.7992 -75.3246 -75.6329 -76.4561 -77.8631 -79.4517 -80.7581
-58.1855 -70.8860 -70.6529 -69.3449 -69.3804 -69.6949 -69.8380 -70.2923
-57.8801 -67.0487 -61.0131 -58.0132 -56.6834 -57.3518 -58.7307 -56.4603
-54.6772 -60.8706 -52.3388 -46.7322 -46.1984 -52.3566 -52.6294 -47.5962
-46.8314 -54.6176 -46.4489 -42.0704 -45.1386 -50.9813 -49.2013 -44.6787
-37.8957 -45.3002 -44.9868 -46.1380 -48.1524 -50.0567 -50.0606 -48.3548
-28.6578 -38.0820 -48.1345 -56.8923 -57.2481 -55.8320 -58.3504 -58.6160
-21.9669 -33.8190 -48.1721 -63.4062 -65.2353 -66.1973 -65.7605 -63.4592
-17.4872 -29.5251 -43.9628 -57.7930 -70.4901 -69.7040 -61.1625 -52.9000
-12.3678 -22.4446 -33.5277 -46.7554 -60.3360 -60.8942 -53.3893 -43.8397
-0.4997 -7.3814 -14.6524 -27.3246 -38.6323 -39.9897 -41.1621 -39.7500
17.4949 14.7794 8.5426 -0.1765 -8.2402 -18.9440 -34.2101 -37.1241
33.8320 32.8923 29.1507 21.8206 10.4240 -7.7641 -25.7279 -30.6681
41.6547 41.2552 38.2248 30.9168 18.0800 -0.2845 -13.0538 -17.7733
41.2929 39.6815 37.8901 32.2757 21.1444 7.3203 -0.4132 -4.0312
34.7549 32.3873 30.1524 27.4916 21.1539 12.2947 7.0722 5.7422
24.2261 20.3686 17.3926 16.3115 15.1272 12.2374 9.4364 9.4966
11.7373 6.9031 3.3242 3.3504 4.7198 6.1904 7.8377 9.4380
-1.2742 -5.1597 -7.6489 -6.2787 -3.6119 -0.1245 3.8836 5.9084
-6.3582 -7.7946 -7.8840 -7.5367 -8.0708 -4.7898 -1.4895 -0.4401
-0.5726 2.0897 2.6787 1.9242 0.3533 -1.1568 -2.0064 -3.8450
2.3057 7.5944 9.6578 9.0424 8.0037 7.2558 5.8772 4.4459
1.6254 6.9093 9.7227 10.5007 11.3214 12.3841 12.7296 12.6205
-1.0719 3.0746 6.2807 7.7588 9.5911 11.5871 13.4586 15.0337
0.2032 3.6347 5.6839 6.2339 6.5291 8.0145 10.4235 12.9319
1.2758 4.9740 7.6429 8.7477 8.9124 9.0049 9.9955 11.2444
1.4090 5.0470 7.9584 9.9977 11.2953 12.5200 14.2179 15.8372
0.4413 3.7285 6.8168 9.2509 10.9562 12.7307 14.8018 16.7852
Columns 9 to 16 -54.1840 -56.4446 -53.8631 -52.0618 -51.8309 -53.1527 -52.7405 -49.5760
-69.4576 -70.2704 -66.3877 -64.1573 -64.1691 -65.1925 -64.1181 -60.2493
-79.5771 -77.4777 -72.6912 -70.0847 -69.9736 -70.5552 -68.7118 -64.5170
-84.8474 -80.9931 -76.6119 -74.3684 -73.3960 -72.7159 -70.3912 -66.4391
-81.8821 -80.3826 -75.9426 -73.0235 -71.3962 -70.6553 -71.1784 -69.0775
-69.9960 -69.2700 -67.0076 -63.1412 -61.7503 -62.1688 -65.4709 -66.3227
-55.0583 -54.6802 -53.4486 -50.9570 -49.1774 -52.0432 -55.4650 -50.8925
-45.2089 -45.9304 -43.9673 -40.0884 -39.7484 -48.0593 -43.8679 -32.6267
-43.0683 -42.7944 -38.4248 -33.5707 -37.1677 -43.9685 -33.8865 -16.3751
-47.6642 -42.5926 -33.3955 -30.6662 -35.6350 -38.5352 -25.4744 -5.4532
-56.2043 -42.5321 -31.5325 -29.0556 -32.9173 -31.6253 -18.4243 1.3130
-55.8014 -40.5149 -30.1839 -27.8636 -28.8335 -25.6655 -14.0344 4.4680
-44.5955 -35.7288 -28.2409 -27.4825 -27.1358 -23.0994 -12.1448 3.3393
-35.3939 -28.8348 -27.0926 -29.9940 -28.6404 -23.3056 -14.4838 -0.3610
-30.8439 -26.5804 -30.7406 -35.0963 -30.8208 -25.6126 -17.6155 -2.4343
-29.4874 -30.8389 -36.4851 -40.2484 -32.7751 -28.0294 -18.9470 -4.1297
-30.7555 -34.5344 -42.0471 -41.6110 -36.5430 -32.6331 -19.8023 -4.2421
-20.4301 -26.7347 -36.9190 -40.9918 -39.6642 -34.2616 -16.0980 4.4075
-7.4954 -16.5010 -26.3697 -30.6588 -30.9187 -27.1293 -11.2119 11.0289
1.6574 -5.6720 -12.9969 -20.2496 -21.4816 -17.3700 -2.6105 16.0629
7.2045 1.9431 -6.2758 -17.3783 -16.6234 -8.5225 5.1235 20.6997
8.4730 4.1297 -5.9234 -15.1509 -14.4387 -5.8514 7.3161 19.5893
5.7216 2.0995 -4.6313 -13.0819 -15.2688 -7.2338 0.2408 11.5803
-0.0928 -1.3693 -5.3240 -12.9568 -17.8159 -20.0299 -17.8188 -1.8600
-4.9484 -5.6580 -8.6557 -14.8292 -28.3003 -38.7256 -34.6770 -18.9584
3.1019 0.8011 -3.6689 -14.7293 -30.3805 -31.0440 -27.3987 -22.7579
11.6348 9.9550 5.0653 -6.1261 -20.1398 -11.7380 -2.8815 -1.6826
15.8538 15.2739 10.6302 -1.8965 -6.8910 5.0302 15.7464 17.6629
14.8765 15.2844 10.9749 3.5385 7.7628 18.8145 26.8985 27.4738
12.1569 12.6067 9.9786 10.6280 18.3714 26.3064 31.8359 31.6601
16.8164 16.1508 13.8119 13.7522 20.4957 26.8828 30.6047 31.9355
18.0281 16.9551 12.9467 10.3290 14.4588 18.6793 23.4191 27.7789
Columns 17 to 24 -44.4170 -38.7043 -35.2670 -34.2528 -35.7428 -42.1028 -52.2402 -59.8548
-53.7164 -47.3481 -43.5968 -43.2718 -48.6370 -58.2663 -69.1525 -77.1678
-58.0250 -51.5055 -48.2117 -49.4467 -56.5102 -69.6615 -81.7535 -88.2839
-60.1028 -54.5327 -52.1017 -54.1795 -61.9757 -74.2971 -82.2103 -84.0024
-64.3833 -60.2722 -58.9393 -60.2707 -65.2404 -69.7920 -71.1978 -76.9014
-64.4992 -62.0477 -57.3868 -55.4710 -54.9512 -54.8525 -60.6558 -74.0414
-47.9226 -45.6315 -43.2848 -39.5882 -37.8906 -41.4627 -57.1570 -72.6991
-26.3247 -24.8201 -26.7516 -26.7496 -27.4779 -39.1819 -57.6335 -74.4287
-7.8195 -7.0029 -9.7349 -16.3986 -26.3260 -40.3655 -58.9513 -76.1934
7.1058 9.1505 3.5121 -12.0588 -27.3953 -42.6894 -60.6929 -72.5208
15.7802 18.9600 10.3996 -6.4548 -25.1547 -40.0032 -53.4817 -58.2096
18.6854 22.2275 15.1925 -1.7105 -19.6883 -32.4311 -39.6884 -39.6482
17.6568 22.2713 16.8906 1.8079 -14.1183 -20.3182 -21.2863 -19.1348
14.5291 19.5056 15.8161 3.5432 -8.4941 -7.8532 -4.4420 -1.4709
10.9514 14.9745 12.1889 4.6085 -3.6877 -0.2756 5.6616 10.3240
5.5383 9.1877 8.5740 5.3287 0.3655 3.1480 10.5674 16.3960
10.0587 16.3942 17.3696 11.5949 4.9113 9.9988 15.6754 20.4869
18.7075 25.9188 24.8651 17.6307 14.1352 19.2264 24.5668 28.5080
25.9089 30.8979 28.5545 23.4645 23.8106 27.6098 32.9116 36.4689
28.4220 31.0696 29.5162 28.0787 28.3568 32.4961 36.4677 39.0231
30.1761 32.7854 32.0082 32.3325 34.0219 33.3658 32.6372 36.1462
30.4029 37.4166 38.3451 40.7506 40.4746 35.6568 34.5121 38.1547
26.4924 39.4002 46.6737 50.3975 52.0161 51.5776 53.2307 52.2313
17.4311 33.5892 49.1446 59.7653 64.7360 69.2286 68.0634 57.1204
0.7989 23.8250 44.7584 60.9574 71.6791 74.6651 68.5801 54.6928
-12.4482 12.0960 35.4040 54.3467 65.5561 65.0399 59.3666 47.6005
-1.9537 2.0553 21.4031 39.2740 43.3262 43.0576 39.4694 32.2570
12.1160 4.4037 10.0495 16.0363 18.5173 19.6116 18.9364 17.2400
21.6422 14.8027 8.0503 9.5093 13.7360 16.3087 17.0154 16.1899
28.3065 22.4957 15.7052 14.4422 19.0456 21.5157 22.1897 21.5077
30.9080 26.4061 19.3978 18.1560 22.2577 24.3836 24.8029 25.0163
28.1302 25.0901 19.4685 18.2630 21.4950 22.6092 23.0914 23.9870
Columns 25 to 32 -61.9057 -61.1611 -59.2327 -56.9086 -51.2324 -41.8216 -33.1419 -27.9692
-79.7713 -78.7683 -76.9936 -74.8755 -66.8321 -54.4183 -41.8248 -29.3424
-91.5646 -92.0818 -92.0166 -89.2854 -78.8338 -60.9850 -44.5371 -30.7968
-89.8432 -96.7286 -99.2150 -95.4526 -82.0264 -62.5425 -45.5705 -31.4828
-86.7934 -93.9296 -97.4813 -95.6527 -82.4663 -63.9098 -47.0227 -32.5766
-83.0829 -90.0841 -94.2935 -92.4226 -82.4969 -64.8824 -48.2836 -33.8315
-81.3309 -87.7303 -90.0660 -87.8421 -78.6303 -64.5154 -49.0079 -35.2922
-81.3634 -83.3707 -79.0879 -75.3450 -67.7609 -56.4007 -47.2418 -34.7188
-79.1941 -71.8339 -58.4081 -46.0398 -37.8657 -31.7759 -26.8052 -24.1150
-66.8483 -50.9212 -29.7686 -7.1215 4.4026 8.8645 -2.0656 -19.4052
-47.2227 -26.0746 2.2136 25.8978 39.5660 34.8304 5.5177 -18.4773
-27.0375 -2.5311 26.7205 49.0781 56.9129 41.5196 5.8220 -19.1389
-9.8725 13.5684 41.2594 60.2906 61.2246 39.3591 3.3139 -20.4526
4.7226 23.8146 48.6709 63.2851 58.1670 34.0621 -3.0943 -22.9131
18.0400 32.3782 52.3811 60.7836 49.9739 24.3779 -10.9069 -26.9281
23.4939 37.4508 50.8279 49.7889 36.5651 11.4041 -18.0863 -29.9137
25.1252 36.3920 37.7682 32.1838 20.8846 -0.6679 -23.6825 -31.2201
31.4813 31.0843 23.3562 17.8675 6.7307 -9.2443 -27.9881 -30.4644
37.2571 31.8128 21.7354 11.4661 1.7996 -13.8783 -28.9617 -25.1606
38.4249 32.8042 24.8068 17.2702 4.1986 -10.9767 -20.5480 -15.5674
37.4346 35.5149 31.3607 22.3962 10.0077 -1.2839 -8.2870 -5.3875
40.5336 38.6148 33.8083 25.9409 16.6026 9.4106 4.1844 4.5309
44.7833 38.3321 34.4452 29.0618 24.2814 19.7197 16.1993 14.6814
44.4568 37.8928 34.1529 32.6594 30.4886 28.5548 26.9906 24.1288
42.3052 35.0554 33.8870 33.9280 34.0226 34.2197 34.3795 29.5772
35.8703 30.5838 30.9973 32.2651 33.6645 35.4771 36.4926 30.4031
25.4665 23.0815 25.1877 27.7196 30.9676 33.6129 34.9067 28.4846
14.5169 15.7410 18.2721 22.0206 25.7014 28.2699 29.6254 23.9478
14.8495 13.9001 14.5507 17.0051 19.3801 21.1651 22.0012 17.7288
20.5904 20.2611 19.9363 19.2860 19.1210 18.2797 16.4403 12.8477
25.4396 25.2981 24.7856 24.2895 23.3566 21.5447 18.4828 13.2261
24.5828 24.8150 24.7476 24.3106 23.4126 21.3807 17.8836 12.1203
(1,2,.,.) =
Columns 1 to 8 -29.7747 -29.2566 -27.6623 -26.3279 -25.2497 -24.2431 -23.2289 -22.2842
-35.7019 -32.8088 -30.3576 -28.6357 -27.2511 -26.0459 -24.9622 -23.9335
-35.9847 -33.2665 -30.5086 -28.3071 -26.5558 -24.9806 -23.7555 -22.6436
-34.2041 -31.6156 -28.8616 -26.5859 -24.6534 -23.0748 -21.5476 -20.2912
-32.6356 -29.8516 -27.3296 -25.2655 -23.1123 -21.3312 -19.9664 -18.5390
-31.4203 -28.5427 -25.8258 -23.9510 -22.0548 -20.0674 -18.4086 -17.1026
-30.5909 -27.4412 -24.6822 -22.7524 -20.9682 -19.0737 -17.2022 -15.7368
-29.9056 -26.7287 -23.7444 -21.7501 -19.9570 -18.1443 -16.3077 -14.6287
-29.4685 -26.2712 -23.2839 -21.0706 -19.1676 -17.3388 -15.6199 -13.9205
-29.1219 -25.9363 -22.8624 -20.7705 -18.7879 -16.8704 -15.0545 -13.4631
-28.6542 -25.6604 -22.5198 -20.3235 -18.4415 -16.5824 -14.8054 -13.0201
-28.3906 -25.2650 -22.3015 -20.0086 -18.0593 -16.1992 -14.3709 -12.7521
-28.3035 -25.1480 -22.1642 -19.9143 -17.8088 -15.8973 -14.1033 -11.8350
-28.3524 -25.1914 -22.1487 -19.8453 -17.7644 -15.6820 -13.8271 -11.1198
-28.5220 -25.3096 -22.2618 -19.8675 -17.7029 -15.6459 -13.6052 -10.4285
-28.7973 -25.5497 -22.3167 -19.8511 -17.7443 -15.6231 -12.6017 -8.5731
-29.0438 -25.6792 -22.4000 -20.0524 -17.9016 -14.8102 -10.3180 -2.2433
-29.3533 -25.9411 -22.7826 -20.4327 -17.5355 -13.7815 -3.2006 5.8399
-29.9068 -26.5890 -23.4173 -20.9137 -16.6418 -5.7554 4.0548 20.8043
-30.7091 -27.3825 -24.1408 -20.3498 -12.3673 2.8199 22.9046 36.7608
-31.5670 -28.2831 -24.4825 -18.4293 -4.9980 13.6345 39.7929 52.5284
-32.4809 -29.1912 -24.0608 -13.7979 2.9906 29.6297 48.7267 59.8881
-33.4889 -30.0235 -23.5375 -7.8591 15.4865 43.0800 60.2966 60.5797
-34.7347 -31.1180 -22.8881 -1.4436 32.7350 56.3895 68.5797 61.8315
-35.9334 -32.2003 -22.8882 6.1143 45.8286 69.0494 74.1511 71.8886
-37.1421 -33.3968 -21.4896 11.9143 54.0455 75.1548 76.2195 77.9281
-38.4114 -36.6084 -20.3018 19.4149 59.8494 76.5664 76.4667 79.1458
-41.3062 -40.4978 -16.7548 26.8833 64.4648 75.5157 74.9983 78.4811
-44.9967 -41.6520 -13.0469 31.5366 64.8221 70.6167 71.4508 76.8044
-44.9840 -40.8242 -11.6986 33.8744 58.9809 62.3591 67.0597 74.5338
-43.5424 -40.9219 -12.0289 29.4038 49.2575 55.7080 63.5979 71.7667
-38.4803 -38.8383 -14.0147 19.8784 38.7320 46.9813 54.2236 61.1135
Columns 9 to 16 -21.6220 -20.9537 -20.2952 -19.8180 -19.6120 -19.5443 -19.3684 -19.3043
-22.9213 -22.1381 -21.4637 -20.9333 -20.5421 -20.3484 -20.3384 -20.2554
-21.5700 -20.5279 -19.7369 -19.1324 -18.6632 -18.3400 -18.1314 -18.0888
-19.1438 -18.2291 -17.3550 -16.6664 -16.0645 -15.7691 -15.5790 -15.4738
-17.2382 -16.2178 -15.3253 -14.5393 -14.0213 -13.5507 -13.3572 -13.3281
-15.8067 -14.5728 -13.7244 -12.8199 -12.0480 -11.7032 -11.4700 -11.3734
-14.4734 -13.2554 -12.0503 -11.2322 -10.5868 -10.0772 -9.7927 -9.7181
-13.3288 -12.1024 -10.8604 -9.8263 -9.1513 -8.8613 -8.7156 -8.4825
-12.4926 -11.2470 -10.0006 -8.9181 -8.3257 -8.0376 -7.9379 -7.6242
-11.8589 -10.3640 -8.8472 -7.7451 -7.0953 -6.8910 -7.2418 -7.6836
-11.3854 -8.9261 -5.8580 -3.3628 -2.6120 -2.8054 -5.0560 -9.8725
-10.1698 -7.0703 0.4901 6.3580 8.0424 7.4780 0.7471 -13.7643
-8.5849 -0.8010 7.6679 20.6128 24.9514 22.2753 5.9797 -16.2287
-5.2849 7.0345 22.1881 34.6476 40.8091 33.3740 6.9081 -8.9722
-0.8514 14.2292 37.0386 47.7379 50.0553 33.2548 11.4928 5.6920
2.3846 24.0464 44.0169 55.2098 48.7748 32.2938 20.2723 14.9363
7.8805 29.3894 49.7229 54.5624 42.9570 28.0573 21.6361 19.0767
19.0807 34.1538 49.4806 46.6434 38.1921 20.4647 14.3257 18.3333
30.8715 39.3421 43.5604 40.3116 36.6609 30.6807 21.2802 19.4073
44.5811 44.6357 51.3203 56.3806 56.7171 49.5790 39.2134 30.8989
54.2390 43.5180 59.1057 72.4067 71.9955 65.6746 57.6730 36.5285
47.8852 49.6065 71.2657 80.9022 79.4452 77.3391 66.3628 34.0915
45.5943 61.0374 79.1409 83.5144 82.5996 81.4395 66.5010 31.4329
60.6919 74.6312 83.5484 83.9617 83.4112 81.6244 62.5235 31.0688
76.2186 82.1847 83.9996 83.6639 83.6112 80.2416 55.9485 29.1633
81.2912 82.7789 83.3009 83.2863 83.5248 77.1931 50.4344 26.0081
81.7258 82.7009 82.6709 82.7746 82.7123 74.9665 48.6572 29.1682
81.6359 82.4029 81.9029 82.1428 81.5255 74.0406 53.1372 39.6535
80.7567 81.6985 81.4864 81.7815 80.5220 73.8412 59.2621 44.0556
79.2500 80.4404 80.9085 81.1024 79.1393 73.1266 61.4859 42.5397
76.0891 77.7576 78.6957 77.9704 75.4469 69.4680 59.6241 39.7878
65.0414 66.7456 66.8906 65.5971 63.3298 57.8906 50.2833 34.5878
Columns 17 to 24 -19.3199 -19.3213 -19.4361 -19.6995 -19.9871 -20.2315 -20.5243 -21.1837
-20.2321 -20.3007 -20.5461 -20.8773 -21.2277 -21.5646 -22.0908 -22.9100
-18.1506 -18.4226 -18.7412 -19.0306 -19.4747 -19.9625 -20.8238 -21.9571
-15.6215 -15.9058 -16.0121 -16.2931 -16.8558 -17.6468 -18.6488 -19.9749
-13.4586 -13.5341 -13.5914 -14.0254 -14.7139 -15.5510 -16.7694 -17.9503
-11.4372 -11.4487 -11.6226 -12.1247 -12.8448 -13.8188 -14.8919 -16.0571
-9.7095 -9.7359 -9.9603 -10.4756 -11.2430 -12.2145 -13.3331 -14.4586
-8.4004 -8.4307 -8.6201 -9.1046 -9.8786 -10.9949 -11.9152 -13.4050
-7.3558 -7.3122 -7.4996 -7.8998 -8.9095 -9.7997 -10.9940 -12.5671
-6.5182 -6.3095 -6.4988 -7.1266 -8.0330 -9.0450 -10.3698 -11.8500
-7.1595 -5.5402 -5.9226 -6.5239 -7.3662 -8.5527 -9.8643 -11.4045
-10.0586 -5.3729 -5.1713 -5.7764 -6.8438 -8.1992 -9.5305 -10.9267
-10.7432 -4.6630 -3.6070 -4.4095 -6.5364 -7.8917 -9.1668 -10.5047
-3.7230 0.3259 0.2772 -3.3415 -6.3710 -7.6844 -8.9800 -10.4148
5.8170 6.6943 3.2863 -3.5307 -6.3577 -7.6680 -9.0805 -10.5161
12.6927 11.4622 3.2248 -4.2392 -6.5936 -7.8541 -9.2666 -10.8621
16.8170 12.6198 2.4353 -4.8444 -7.1295 -8.3236 -9.6249 -11.2860
18.4854 11.6978 1.5012 -5.4561 -7.7399 -8.9097 -10.2328 -11.7550
18.3875 10.7743 -0.1682 -6.5003 -8.7439 -9.7437 -11.0227 -12.5195
19.2095 9.2242 -1.9814 -8.0188 -9.9976 -11.0786 -12.1471 -13.5592
14.1597 6.7555 -4.1697 -9.5461 -11.3870 -12.5493 -13.6105 -14.8778
5.5987 -0.7939 -6.5662 -11.4228 -12.8273 -14.1114 -15.2518 -16.4521
-0.5436 -10.2422 -11.7093 -13.5911 -14.6738 -15.8572 -17.0674 -18.2657
2.0992 -4.3122 -12.5911 -15.9835 -17.0227 -17.9998 -19.0824 -20.3530
8.7540 -1.1466 -14.5745 -18.3606 -19.5588 -20.5198 -21.5346 -22.6265
13.9212 -1.9981 -16.6306 -20.6353 -22.1356 -23.2438 -24.0533 -25.2316
18.8026 -3.7142 -19.1486 -23.3613 -24.5501 -25.8605 -26.7478 -27.7212
18.6764 -8.0532 -21.9270 -26.4786 -27.1900 -28.4292 -29.4089 -30.3137
14.3656 -15.4787 -26.5951 -29.3757 -30.0361 -31.1332 -32.1246 -33.0271
10.5910 -22.2169 -32.3477 -32.5385 -32.9395 -33.9809 -34.9790 -35.8903
5.6549 -26.5377 -36.4419 -35.5479 -35.9173 -36.8072 -37.6453 -38.6371
4.0247 -26.0900 -35.2918 -34.4773 -34.9078 -35.6081 -36.3297 -37.0453
Columns 25 to 32 -22.0421 -22.9876 -23.9524 -24.9295 -25.9539 -27.1379 -28.6488 -30.2772
-23.9833 -25.1643 -26.3233 -27.4923 -28.8132 -30.2220 -31.8185 -31.9495
-23.2640 -24.4734 -25.7178 -27.0404 -28.5004 -30.1849 -31.9375 -31.7936
-21.1948 -22.4439 -23.7325 -25.1275 -26.6902 -28.5130 -30.1802 -30.2202
-19.1904 -20.5291 -22.0971 -23.5288 -25.2749 -26.9307 -28.7055 -28.9639
-17.3863 -19.1455 -20.7560 -22.3656 -23.9530 -25.6946 -27.5507 -27.8843
-16.1925 -18.0707 -19.6924 -21.1724 -22.8424 -24.6484 -26.4371 -26.9112
-15.2469 -17.0237 -18.5045 -20.0159 -21.8893 -23.8301 -25.7323 -26.2153
-14.3001 -15.9343 -17.4015 -19.2425 -21.4555 -23.4494 -25.3077 -25.8405
-13.5154 -15.0613 -16.8042 -18.9720 -21.1046 -23.1817 -25.0673 -25.5469
-12.8888 -14.5227 -16.5075 -18.5637 -20.8939 -22.9542 -24.8925 -25.4713
-12.3814 -14.2283 -16.1857 -18.4151 -20.7689 -22.8420 -24.8571 -25.4669
-12.1802 -14.0709 -16.0874 -18.3681 -20.6293 -22.7802 -24.8401 -25.4832
-12.1466 -14.0228 -16.0536 -18.2893 -20.5462 -22.7674 -24.8859 -25.5317
-12.1661 -14.0044 -16.0265 -18.3256 -20.6287 -22.7761 -24.9928 -25.7030
-12.4100 -14.1330 -16.0769 -18.3863 -20.8921 -23.0124 -25.1202 -25.9288
-12.9293 -14.6646 -16.4089 -18.5908 -21.1026 -23.4025 -25.5137 -26.1856
-13.5479 -15.2829 -17.1692 -19.1397 -21.4535 -23.8707 -25.9445 -26.6803
-14.2993 -16.0268 -17.9389 -19.9735 -22.2124 -24.3951 -26.6342 -27.1950
-15.3488 -17.1400 -18.8121 -20.9513 -23.1117 -25.3826 -27.4089 -27.9419
-16.6218 -18.4463 -20.1596 -22.0141 -24.1834 -26.4121 -28.5291 -28.8990
-18.1308 -19.9714 -21.6291 -23.4309 -25.4765 -27.4897 -29.6585 -30.0357
-19.7725 -21.6994 -23.4095 -24.9706 -26.9510 -28.9574 -30.8029 -31.1931
-21.6977 -23.4417 -25.3043 -26.8842 -28.5040 -30.5424 -32.2455 -32.3541
-23.9989 -25.5024 -27.2045 -28.8885 -30.3896 -32.0698 -33.8555 -33.6771
-26.4446 -27.7911 -29.3699 -30.8752 -32.4266 -33.9525 -35.5178 -35.2140
-28.9832 -30.2457 -31.5656 -33.0366 -34.4033 -35.9510 -37.4831 -37.0939
-31.4641 -32.7287 -34.0260 -35.3189 -36.6037 -37.9336 -39.5601 -39.0386
-34.0523 -35.2799 -36.5980 -37.9089 -39.0902 -40.2458 -41.5928 -41.0294
-36.8602 -38.0978 -39.2792 -40.6682 -41.7696 -42.8923 -44.0271 -43.1062
-39.5288 -40.5600 -41.7196 -42.6758 -43.7625 -44.7098 -45.6882 -44.5656
-37.8988 -38.7644 -39.5311 -40.3286 -41.0445 -41.9747 -42.5566 -41.3773
(2,2,.,.) =
Columns 1 to 8 -29.5541 -30.6847 -30.6789 -28.0248 -25.3409 -23.3703 -22.5506 -22.0707
-41.6653 -41.7223 -41.0312 -37.3579 -34.3611 -32.1939 -31.1870 -30.6221
-57.9632 -58.6114 -58.3972 -55.0926 -52.0574 -50.5688 -49.3187 -48.1647
-69.2237 -69.7608 -70.5802 -67.9031 -66.9109 -65.3272 -60.6360 -55.8496
-69.8051 -69.9318 -72.0509 -71.6705 -70.4652 -61.0634 -52.3707 -47.9278
-67.8307 -67.3265 -68.6169 -68.9629 -68.3855 -58.2899 -41.2856 -35.0207
-66.7485 -64.9639 -66.1201 -68.4424 -65.3703 -55.5487 -38.1433 -29.0414
-66.2255 -63.9451 -66.2977 -68.9558 -64.4162 -53.6383 -37.2876 -30.5252
-66.3412 -63.8709 -66.6564 -69.4521 -64.3740 -53.7117 -41.7561 -39.5640
-67.2492 -64.1176 -66.3738 -68.9769 -64.9859 -56.9188 -54.5340 -53.2490
-68.5437 -64.9152 -65.8681 -68.5205 -67.2109 -64.6319 -62.6215 -58.1688
-69.4955 -66.2440 -65.7552 -68.4425 -69.9322 -66.4614 -62.4832 -57.2376
-70.4128 -68.2790 -66.6430 -68.0495 -70.6872 -66.8132 -62.3138 -57.3721
-71.5922 -69.6908 -67.2625 -67.6737 -69.7223 -67.0000 -63.4756 -59.6795
-72.0140 -70.2849 -67.7580 -67.3264 -69.2499 -68.3342 -67.3901 -62.3576
-71.7083 -70.7305 -69.0020 -67.6854 -68.7053 -69.2721 -67.2862 -61.3996
-71.4225 -71.7494 -70.6843 -68.3895 -67.3351 -66.7147 -63.8178 -58.4414
-70.5159 -71.2791 -70.7272 -68.8185 -66.2576 -62.1469 -59.0774 -53.6969
-69.7046 -70.4256 -70.7348 -69.5493 -65.9984 -59.5221 -55.2465 -51.3723
-69.5127 -70.0608 -71.0373 -69.9708 -65.2038 -58.0341 -53.9252 -51.5334
-69.6452 -70.0031 -70.1594 -68.8332 -64.4800 -56.8212 -54.3364 -55.5457
-69.7279 -70.1776 -69.7452 -67.9183 -63.3327 -55.6565 -53.0766 -56.6645
-69.6840 -70.5102 -70.0522 -67.9869 -63.0421 -55.1530 -51.8412 -56.1642
-69.7325 -70.8945 -70.6266 -68.5264 -63.3440 -55.0362 -51.4266 -55.0262
-69.6376 -70.7300 -71.1290 -68.8241 -62.7315 -54.4359 -50.8742 -53.3507
-69.0144 -69.8565 -70.2118 -68.2748 -62.1479 -53.1845 -49.6323 -51.9221
-68.7058 -69.7013 -69.9122 -68.2311 -62.2391 -52.8996 -48.8546 -51.5160
-68.6571 -69.8945 -69.6910 -67.9383 -62.1188 -53.0465 -48.7259 -50.4865
-68.2924 -69.8852 -69.6608 -66.8720 -61.4772 -53.4053 -49.3379 -50.0091
-67.1803 -69.1144 -69.5707 -66.5418 -60.9374 -54.0936 -50.5699 -51.2321
-64.5827 -66.6569 -67.2752 -65.4969 -60.4785 -54.1552 -50.9489 -51.5450
-56.7540 -60.6660 -61.5896 -60.9815 -58.5577 -54.0022 -50.3022 -49.4867
Columns 9 to 16 -21.0940 -19.1017 -16.5087 -14.5368 -14.1662 -14.6754 -14.8059 -14.9073
-29.3046 -26.9749 -23.6069 -21.2677 -21.5662 -22.9889 -23.3359 -23.2357
-46.8647 -45.4923 -41.5444 -38.3155 -39.0899 -40.8567 -42.0471 -41.8723
-55.5318 -56.0146 -54.3983 -52.2740 -53.5687 -56.4609 -58.7213 -58.5797
-46.9925 -49.1224 -51.7942 -52.8509 -56.4867 -62.1606 -65.7964 -66.6447
-35.8153 -42.3852 -46.2096 -49.2117 -55.7347 -61.8063 -65.6007 -67.5955
-31.3310 -38.7749 -44.0026 -48.9766 -55.2140 -59.8863 -63.5577 -67.0628
-31.2175 -38.3728 -45.4852 -48.5029 -52.1579 -58.1070 -60.9522 -63.4853
-38.9798 -41.1323 -44.9092 -43.6252 -47.2692 -56.9904 -57.2348 -57.8531
-50.1290 -41.8610 -37.7253 -36.8930 -45.0881 -55.4621 -53.6120 -51.1527
-49.7183 -38.2522 -31.8266 -34.5258 -44.8687 -54.0242 -53.4636 -49.5696
-48.8904 -37.1950 -30.3912 -32.9393 -41.7064 -50.7653 -52.3901 -50.2557
-49.3534 -38.0081 -30.8066 -28.8981 -37.2972 -48.3691 -52.7598 -51.0122
-51.4725 -42.7231 -33.1016 -27.8974 -34.7792 -49.6401 -55.4651 -54.4293
-55.0144 -47.2075 -35.5177 -33.6796 -38.5808 -52.7377 -61.4749 -59.7198
-56.0227 -48.4342 -45.2922 -47.7312 -50.4185 -57.2699 -63.7308 -63.0903
-51.3818 -47.9150 -48.0275 -49.8290 -49.9027 -49.4907 -50.7118 -56.7349
-47.5568 -42.2598 -40.1856 -39.7905 -38.8208 -38.0695 -41.6896 -49.6161
-45.7485 -40.9352 -37.3767 -35.5412 -35.0897 -34.3984 -37.6013 -44.3914
-48.4113 -45.8111 -42.6199 -40.4331 -38.8797 -36.4222 -36.9255 -44.1442
-57.4359 -58.6283 -56.0748 -52.6309 -46.9558 -42.1505 -42.7241 -47.7930
-64.8794 -71.8052 -69.6608 -62.5843 -54.3159 -51.6599 -52.7025 -55.7545
-65.6169 -72.5045 -71.3501 -66.6933 -62.4070 -61.7788 -62.0527 -61.3736
-63.2774 -65.3125 -61.6984 -58.6748 -59.3776 -60.0442 -60.0474 -57.9769
-58.7409 -54.9075 -49.4177 -48.5064 -52.1095 -53.9954 -54.2373 -53.9321
-54.1602 -47.5068 -37.2732 -36.1887 -40.0132 -41.8275 -41.5273 -42.8684
-51.0706 -43.9755 -30.4811 -14.9345 -12.1019 -11.1508 -10.1606 -15.0259
-49.7820 -39.4408 -24.4620 -1.5145 20.3089 28.6016 26.9424 12.6729
-49.1236 -39.2983 -15.5092 12.9197 36.5154 52.7026 50.2255 35.8533
-50.2234 -38.7853 -13.2488 19.1000 44.2053 59.1868 65.0616 59.5706
-50.4582 -39.8307 -13.9784 15.2252 34.9613 51.1784 65.3764 69.4849
-48.1765 -38.9919 -21.8110 -2.3278 15.1895 33.9923 49.3840 57.2741
Columns 17 to 24 -14.2552 -11.8421 -9.3859 -7.9655 -7.3776 -7.1626 -7.2164 -7.9919
-21.6090 -18.6355 -16.1345 -14.5154 -12.9035 -10.9979 -9.7218 -10.0010
-39.6928 -37.9426 -36.5026 -34.2466 -31.1586 -26.6722 -24.4457 -24.3204
-58.4781 -58.1521 -56.7315 -54.4820 -51.4317 -46.8762 -43.2260 -42.9869
-67.1866 -64.5988 -62.3143 -61.8667 -60.4680 -56.1686 -52.6864 -51.4171
-65.9196 -59.0329 -50.3544 -46.6232 -46.8771 -44.8781 -44.7987 -46.2635
-65.1939 -54.0766 -40.9239 -33.0224 -30.4993 -30.9436 -34.3603 -41.9667
-62.7234 -51.7444 -36.9356 -27.3876 -24.5513 -23.8594 -29.1659 -36.1191
-57.5805 -48.5389 -36.0224 -29.9883 -29.1464 -25.9964 -27.0413 -34.4755
-51.4761 -47.1232 -43.3747 -44.2231 -40.9117 -36.5947 -35.1354 -38.1328
-48.2772 -49.4674 -54.1362 -56.6425 -56.1116 -55.0469 -51.9809 -49.7124
-48.5737 -47.8612 -50.5220 -51.7862 -57.4611 -61.2217 -56.9902 -55.8328
-49.8950 -47.0737 -46.0796 -48.3886 -53.2291 -50.2442 -46.4411 -49.4539
-51.7840 -47.5400 -46.9141 -50.5032 -45.0077 -40.0333 -38.5516 -46.6215
-55.2916 -52.7625 -54.0603 -54.9054 -41.9721 -34.0593 -36.4907 -46.3761
-62.2689 -62.0823 -62.3404 -56.0223 -42.0074 -35.1742 -35.8277 -43.3827
-62.5911 -60.7079 -57.5245 -54.1044 -44.2074 -38.4594 -34.6857 -36.1228
-55.7481 -56.1234 -51.7038 -50.0771 -48.5107 -39.5882 -31.0710 -29.9276
-53.1579 -52.9443 -48.4497 -47.2468 -48.5006 -39.4251 -31.0939 -28.0847
-54.4536 -47.5049 -43.4702 -43.2578 -47.6458 -41.4000 -34.0556 -28.9337
-54.4181 -41.0817 -34.7281 -37.1645 -47.0902 -46.9274 -38.3244 -30.5173
-53.1668 -37.1972 -30.7771 -34.9736 -47.2264 -51.0091 -41.0815 -31.8868
-51.5787 -36.6478 -32.1150 -35.9785 -47.9816 -53.5455 -42.9414 -32.9700
-49.1938 -40.7849 -39.8438 -41.7485 -50.5315 -53.8006 -43.0291 -28.6637
-49.8057 -47.4201 -48.9654 -52.2834 -55.2219 -52.5841 -41.2553 -25.0803
-43.0004 -45.8909 -52.5927 -57.9191 -56.0302 -49.6180 -41.4081 -26.3435
-27.2872 -43.3165 -52.9863 -54.3755 -52.1770 -48.4252 -46.1034 -26.9461
-11.7277 -29.9482 -36.9704 -40.1882 -47.0097 -49.2813 -44.3844 -25.5129
17.4057 6.0774 -3.0758 -25.8782 -45.2219 -45.2809 -41.4539 -24.0618
51.9883 44.8601 19.7473 -20.5055 -36.1605 -31.5135 -26.7057 -22.0119
68.0783 56.1361 21.6914 -20.0179 -23.8750 -11.6420 -5.6209 -0.8588
57.6059 44.8051 16.8294 -16.3485 -17.2830 -4.0948 4.0322 9.2745
Columns 25 to 32 -8.3330 -7.3120 -2.2215 1.1732 2.8090 3.4500 3.2266 2.0362
-10.9126 -9.7562 1.9906 12.9237 16.7305 17.7281 17.7331 15.6478
-25.2033 -20.5954 -1.6139 17.9196 26.0195 27.4999 27.4211 24.8542
-43.5903 -29.5422 -2.7697 19.9533 29.5380 31.3083 31.0009 27.4029
-47.7685 -28.3237 -0.1108 22.0334 29.9780 31.4398 30.5617 26.9608
-45.6070 -27.0430 1.3605 21.2182 27.7957 28.7699 26.9162 23.2519
-43.6216 -27.4327 -1.0815 14.9669 20.0090 21.1897 18.5001 14.0999
-42.6039 -29.7874 -8.4144 4.8782 7.4983 8.6736 6.0427 1.9110
-44.0760 -34.6245 -16.4160 -7.2264 -4.2830 -4.1461 -5.8325 -11.0824
-46.4043 -41.8528 -30.5381 -24.4158 -19.7191 -19.3684 -21.0709 -24.7156
-53.1512 -55.0640 -52.7214 -44.9039 -38.7973 -36.4283 -38.2126 -39.2426
-61.0342 -65.9107 -66.0997 -57.9708 -50.8450 -42.5477 -39.4665 -38.9778
-60.0628 -67.4051 -69.0938 -62.9393 -55.5396 -42.6643 -29.1465 -25.3329
-58.2525 -60.6957 -61.1122 -59.9944 -56.3555 -43.5875 -28.0864 -20.7611
-49.7091 -50.1295 -51.5783 -51.4325 -50.7789 -42.5418 -29.6862 -23.5819
-40.8021 -40.7490 -42.3301 -44.1117 -46.0553 -41.9858 -34.7485 -29.9981
-34.1959 -33.5310 -35.7955 -40.4843 -42.8509 -43.1386 -41.0848 -34.8263
-29.4286 -29.4734 -33.2731 -38.5581 -41.2241 -43.3047 -40.9115 -33.7075
-27.8126 -28.8237 -32.3836 -37.5756 -41.0972 -44.0157 -38.8256 -31.4497
-27.7952 -29.4108 -32.7517 -37.2065 -41.9829 -44.5390 -37.5622 -30.7051
-27.6350 -29.5571 -35.0208 -38.6765 -42.9181 -44.5754 -36.1840 -32.1337
-28.3037 -30.0417 -36.0370 -42.5772 -45.1809 -43.9382 -36.9785 -36.2401
-29.2204 -30.8119 -36.2539 -43.2792 -46.8505 -41.0609 -30.0816 -27.5567
-15.5098 -13.1580 -17.0933 -20.9429 -31.1416 -38.2340 -20.7851 -13.4262
2.6024 23.3474 26.1478 17.1930 -10.0077 -28.0542 -18.6660 -9.4954
12.6262 46.5880 57.7550 42.3683 13.5878 -16.5442 -19.0435 -14.6973
14.8518 53.5541 65.9920 54.7558 23.4540 -13.8407 -27.9556 -28.0204
13.7931 43.8025 50.6854 45.2300 20.0783 -15.1421 -36.9484 -39.0569
-0.8689 11.3692 12.8151 11.0806 2.0284 -18.9660 -31.1241 -29.1996
-15.7629 -12.8078 -12.5962 -11.0638 -9.5946 -8.5373 -6.5501 -4.0546
4.4189 8.8628 12.1128 13.3165 14.0081 17.5825 19.7590 19.6126
14.2388 18.5778 22.0581 24.1094 23.8343 25.5345 28.2938 25.6222
(3,2,.,.) =
Columns 1 to 8 -16.6847 -14.2567 -12.9117 -11.1636 -11.4787 -9.8439 -5.0495 -2.6906
-23.1240 -19.2701 -18.2903 -14.4586 -13.4610 -12.5919 -9.7019 -7.7059
-22.2848 -17.8199 -16.9520 -13.5897 -11.6041 -11.3418 -11.1012 -6.6488
-19.3825 -14.1840 -13.1480 -11.7426 -10.4918 -9.2679 -6.5937 -0.4914
-18.4476 -12.3455 -11.5347 -10.7400 -8.9124 -5.2724 0.7125 9.2694
-19.5089 -12.7173 -12.7314 -11.4721 -5.3307 1.7921 11.6655 17.2891
-21.8778 -16.0911 -16.9857 -9.6546 -0.4148 10.4329 19.8243 24.3773
-25.8397 -21.8713 -22.7477 -8.4991 9.8578 16.4218 22.7695 25.7695
-29.7575 -27.4443 -25.1332 -8.1446 12.2722 20.7549 20.9833 19.1757
-34.0664 -32.1454 -27.8084 -10.5051 9.3286 16.9306 12.2088 6.0856
-38.1942 -37.1463 -32.7822 -17.9578 -3.9322 0.9048 0.8862 -7.2272
-35.9751 -35.4527 -36.6853 -34.0330 -28.1170 -22.0145 -18.4904 -16.7991
-27.1699 -26.0607 -30.5713 -38.8938 -42.5401 -32.1682 -24.5364 -17.6292
-23.3853 -9.5552 -10.2710 -17.9384 -27.9822 -25.1839 -16.4922 -9.1453
-25.1122 -6.4151 8.2096 4.4224 -2.4789 -4.8550 -9.9410 -2.3859
-26.6111 -9.0332 8.3974 19.5375 18.3595 10.6508 -2.8183 -0.3270
-32.7373 -18.2351 0.5238 17.5322 24.3593 18.2473 5.7649 1.1054
-37.6081 -31.0766 -12.6271 7.7601 18.8568 22.0941 14.7136 10.8588
-40.9511 -37.3317 -28.8511 -9.8070 6.4414 16.4989 20.0379 16.2723
-44.8669 -42.5832 -41.6314 -28.5649 -8.7960 8.1027 17.9613 22.0842
-52.4430 -49.2314 -51.6163 -43.2519 -24.7991 -4.0330 10.9727 24.4998
-59.5748 -56.5681 -57.6603 -55.0686 -38.9170 -19.3836 2.2766 20.0061
-60.4400 -58.8482 -60.8549 -62.2472 -51.2162 -33.4535 -11.0841 12.3363
-53.9881 -51.9920 -54.9429 -62.8052 -60.5576 -46.5103 -24.3478 -2.4062
-48.3247 -46.3965 -52.3850 -60.7480 -66.0186 -55.9002 -39.2253 -21.6569
-44.1767 -44.1500 -50.0271 -55.1246 -63.0608 -63.1886 -53.1725 -34.0563
-40.1173 -41.1975 -43.5939 -49.7206 -59.4169 -66.8192 -61.1785 -49.0242
-36.3638 -35.6097 -39.1017 -47.0838 -56.6684 -60.5542 -65.3097 -61.5385
-34.9158 -32.7738 -38.1514 -44.8127 -49.1072 -52.5055 -61.3779 -67.0447
-36.0317 -33.0336 -35.9804 -40.8889 -41.3166 -46.1402 -54.5979 -61.0688
-38.7300 -36.2911 -36.7009 -36.0911 -35.2419 -38.8271 -44.9025 -53.3268
-37.5928 -39.1074 -39.7245 -35.2338 -32.7076 -32.8481 -37.9690 -47.1033
Columns 9 to 16 -0.8753 0.9136 1.5592 2.2190 0.5762 -5.6205 -9.4605 -5.4704
-5.5388 -0.4900 2.7473 3.1859 -1.0869 -11.1779 -16.8965 -13.3474
0.3624 5.5018 8.2283 7.5465 1.3055 -3.8070 -7.7514 -10.7409
8.5633 12.5415 12.4775 5.1431 5.4556 6.6288 2.3133 -4.6416
15.1705 17.2689 10.7214 -1.0350 5.5281 11.0065 7.3885 2.7684
20.1638 18.2379 9.0001 -4.0221 4.7053 11.9161 14.6597 13.7625
21.1127 14.3989 8.4889 -2.5203 6.4375 15.9263 21.6487 23.4730
17.2787 5.8337 3.4298 -2.6196 5.9458 20.8331 31.1034 33.6729
13.9806 -3.2795 -7.0557 -3.6170 7.7490 23.6565 36.5527 40.4446
3.6763 -8.2497 -11.9312 0.3152 14.1591 28.0420 38.9924 42.6141
-9.3415 -13.1122 -10.7666 2.2957 16.1778 30.6668 40.0091 41.8727
-17.1353 -17.2574 -11.3749 1.0832 12.4173 27.4001 33.5574 36.1418
-12.3459 -11.2294 -14.2401 -10.6718 0.7900 16.5385 21.7188 27.7743
-1.9568 2.3263 -5.2255 -17.2850 -6.0496 5.8931 7.9434 16.7876
9.0986 13.9434 5.2930 -13.2140 -13.3044 -0.4068 8.8654 15.1033
14.6347 21.1185 13.7429 0.9466 -8.1888 -1.5338 13.0271 20.1389
16.3460 27.2023 25.0505 17.1844 4.3325 -1.4001 13.8488 19.6472
15.0208 28.7443 32.3071 26.7657 12.3694 -3.1555 7.5590 11.5298
14.1317 26.0894 35.0698 31.8318 18.1106 -6.3895 -9.9088 -5.5883
19.1625 21.2276 33.5339 35.5574 22.7385 -4.2336 -27.8397 -25.7149
26.6966 19.7567 31.4701 36.6587 27.0290 -0.5340 -29.2609 -39.6072
28.5564 25.5332 31.2839 33.8139 29.6706 6.6118 -17.4304 -43.4761
23.9543 30.0175 30.6115 27.6184 28.9303 19.0297 -4.5272 -36.8701
13.8914 27.2199 30.6471 26.4301 31.4332 27.4326 5.8384 -22.7360
3.4564 18.9100 25.8192 27.6355 31.9695 30.9195 15.0384 -7.2551
-14.3397 1.8268 12.9585 23.6599 29.0893 30.1531 21.7884 0.8872
-35.1839 -18.5294 -0.7711 13.0061 22.6436 22.9020 19.8854 0.7610
-51.3427 -35.8326 -17.7397 -1.8952 4.7111 6.3895 4.9092 -8.1179
-60.8091 -49.5582 -36.1021 -24.9005 -17.9737 -11.0098 -12.1832 -21.1752
-63.5858 -59.2643 -52.9643 -44.4404 -29.8651 -23.2326 -24.8709 -29.8501
-55.7515 -56.3631 -59.2220 -51.0695 -38.4502 -35.6076 -36.4972 -38.0441
-49.2616 -50.5818 -55.1163 -50.7889 -43.8405 -43.4757 -43.6005 -42.3832
Columns 17 to 24 -5.2928 -8.1758 -14.8570 -23.7115 -29.9278 -34.2078 -30.6989 -24.7206
-10.7520 -13.5045 -19.4148 -24.7806 -30.3007 -38.6603 -30.8180 -15.0728
-12.8728 -14.9941 -15.5868 -16.8683 -22.9901 -33.7505 -24.4526 -3.3431
-10.2589 -10.8767 -7.7200 -8.0039 -14.9989 -20.4812 -12.4780 3.7502
-0.6248 -1.2838 1.8456 1.8507 -1.1599 -1.1896 1.7719 9.7305
12.5274 11.8870 11.5316 11.0498 13.6648 14.4981 14.8674 13.6248
23.0028 20.3839 16.3928 15.2624 21.1744 23.2232 21.6888 17.8628
31.4198 24.9950 23.5110 22.9851 25.4362 27.3882 25.3447 22.3473
36.7778 30.2412 31.8042 32.1874 32.0669 28.4470 24.4058 20.9506
39.6125 35.2607 35.6141 34.7132 31.2567 23.5841 15.3395 10.2671
41.1286 37.8571 33.6702 29.4961 25.6398 17.6497 3.2625 -5.1700
39.9708 37.4602 28.3478 23.2955 23.7953 18.6931 2.6227 -8.6527
34.5887 33.7051 23.8007 20.8377 26.4481 19.1615 3.3288 -6.3140
25.4412 25.9838 20.1247 23.2905 26.9465 17.8697 3.6471 -5.6211
20.9688 21.6076 22.7948 27.2471 24.6315 17.6957 5.6459 -3.6171
22.5400 22.1183 24.4460 30.2402 30.6054 24.0040 19.4320 6.9724
20.4584 20.0013 20.7330 26.2979 43.7708 44.5979 37.8754 9.8727
12.0809 12.8709 12.4194 18.4192 46.8261 57.4274 43.8504 4.4357
-3.5281 -0.1517 1.0457 13.1652 47.1490 60.9419 41.4905 0.5962
-18.1624 -12.9969 -11.5918 4.7443 45.5204 61.1635 37.3923 -2.1674
-32.0009 -30.9267 -31.2089 -2.8275 42.2351 59.3660 35.6966 -5.4342
-50.6065 -50.3745 -45.6069 -9.1160 36.8697 55.1951 36.5677 -0.6932
-52.5834 -56.7491 -49.4477 -15.9534 29.4090 49.0509 37.4496 7.1316
-38.2855 -43.3069 -47.3859 -21.7614 22.3123 42.2240 39.0849 15.1489
-22.9768 -30.2709 -37.0886 -24.8236 14.5702 34.2475 39.7943 21.2524
-16.9501 -25.3560 -32.3998 -28.0855 1.4774 26.4009 37.7805 26.1694
-19.7235 -29.9872 -33.4882 -34.1339 -12.6969 15.4210 28.9720 27.5866
-27.6764 -38.0743 -42.8465 -43.2524 -24.6041 0.7750 16.0522 24.2644
-37.1065 -45.1407 -49.9815 -50.0677 -36.4176 -13.7163 6.0843 18.0137
-40.1906 -45.4894 -46.9282 -49.0770 -43.2223 -28.8217 -7.9653 5.3058
-40.7609 -44.1596 -42.6654 -43.9889 -46.6168 -41.6409 -26.5981 -7.3938
-41.3554 -42.2585 -40.4611 -39.8682 -42.6222 -46.0191 -35.5928 -22.6478
Columns 25 to 32 -17.7102 -11.7133 -10.5582 -18.3062 -31.9989 -38.0428 -32.8695 -33.7046
-5.7325 -2.3313 -5.0385 -21.4017 -40.1452 -43.1709 -29.0334 -25.8997
11.7873 14.9024 6.5456 -15.3745 -39.4144 -43.1428 -22.0049 -14.4510
18.8273 21.7022 12.1521 -10.3384 -28.6005 -35.7965 -21.3776 -11.3639
18.9200 20.0528 13.4088 -2.5917 -10.7269 -16.5793 -19.4416 -17.2047
12.5144 13.4214 11.6535 5.0196 3.4730 -2.6138 -15.7001 -29.0908
11.0730 4.8496 5.7108 7.7574 10.8354 6.2457 -6.5360 -23.4883
11.0314 -5.5074 -6.5104 6.8564 16.9678 15.4995 5.2341 -16.5113
10.4982 -11.0168 -10.0738 9.6822 19.7805 18.8932 8.6786 -13.0271
5.5531 -5.7943 -1.8043 13.0496 18.4970 13.5545 4.7281 -12.9985
-5.9800 -3.3178 5.3613 12.9348 9.6571 3.0528 -4.1053 -16.3035
-5.2408 2.0652 6.6506 3.2060 -2.9587 -9.2395 -13.7280 -18.2999
-1.4023 0.1440 -3.3336 -7.1102 -13.8859 -19.2296 -19.9327 -19.9023
-8.4584 -11.2823 -13.5312 -21.5946 -26.1107 -27.0060 -21.6036 -20.0315
-18.9409 -25.0683 -24.8087 -29.8228 -37.4737 -32.2368 -21.3857 -19.1890
-22.3850 -37.9765 -32.9430 -32.9070 -36.4850 -30.0478 -19.2833 -17.2182
-25.3086 -40.6407 -33.2221 -30.8244 -32.2820 -27.1348 -17.9638 -16.0205
-28.2732 -37.4090 -31.5000 -30.8959 -31.3289 -25.5984 -18.0032 -16.1567
-32.2784 -34.1908 -30.9536 -32.5431 -29.9772 -25.2121 -18.7247 -17.9492
-31.2238 -32.5084 -31.3665 -31.0290 -29.0452 -23.0915 -19.2756 -20.8319
-28.2050 -30.0898 -30.0914 -30.0744 -27.4323 -23.2163 -19.3051 -19.7520
-22.6997 -27.4595 -28.2800 -29.5057 -27.7630 -24.4074 -20.4812 -21.2048
-17.5108 -24.9231 -25.7398 -27.3833 -28.4262 -25.6743 -21.1138 -22.1387
-11.8394 -22.8183 -24.7774 -26.1203 -27.6460 -26.1298 -20.8186 -20.6618
-7.0732 -23.4963 -26.1257 -25.3894 -27.0077 -27.6561 -22.8214 -22.2121
-1.8258 -21.5258 -28.4165 -25.1279 -26.5202 -30.2019 -26.0439 -25.9763
6.8353 -11.8887 -24.9348 -25.7196 -26.0318 -30.3860 -29.0958 -29.3533
15.3580 -2.8438 -20.2515 -23.0414 -22.9091 -27.0434 -30.4191 -30.3334
19.5947 3.3431 -10.5987 -12.5770 -12.9121 -21.1134 -30.6151 -32.8639
13.7528 10.5772 -1.1020 -2.2552 -9.3930 -20.4602 -32.8258 -37.2465
2.2221 7.2001 5.3531 -0.9299 -12.9746 -22.8065 -34.5771 -40.8682
-9.9798 -4.8022 -1.6029 -5.1386 -16.0906 -26.2150 -34.3696 -38.9833
(4,2,.,.) =
Columns 1 to 8 -30.6153 -31.5315 -35.9364 -33.5531 -29.5402 -28.0125 -28.3486 -31.8471
-41.6369 -40.8240 -44.4168 -41.9367 -37.9680 -36.8730 -37.1831 -40.3878
-50.5277 -49.5091 -50.6954 -49.8157 -48.4048 -48.4682 -48.9924 -50.3864
-55.1051 -53.0492 -52.8623 -52.8312 -53.3521 -54.6479 -56.0726 -57.5768
-56.1247 -52.8604 -50.9063 -50.9585 -52.1713 -53.6710 -55.0726 -56.2318
-55.8308 -49.5845 -46.6393 -47.1124 -47.9920 -48.4222 -47.6867 -47.7357
-55.1366 -46.4976 -38.9733 -38.0729 -38.9174 -40.6309 -39.5086 -36.9138
-53.7022 -44.5077 -32.8306 -29.6742 -30.5990 -37.6030 -37.1673 -30.9524
-46.8341 -42.3837 -31.8356 -27.1381 -28.4399 -36.9902 -37.2164 -29.7941
-38.5462 -36.7422 -32.7555 -32.2931 -31.3354 -34.3287 -37.7579 -33.5223
-31.2208 -30.9797 -37.8656 -44.2166 -39.8523 -37.4249 -42.5674 -41.7619
-26.3180 -28.2440 -38.8552 -51.8692 -46.8632 -43.2318 -44.6530 -44.3582
-23.8910 -26.7341 -36.9088 -48.9439 -54.5456 -47.8041 -41.1131 -35.8995
-21.3706 -24.2789 -32.5861 -42.9992 -50.4329 -43.1181 -36.8065 -31.2138
-18.6928 -22.5301 -29.3497 -38.1549 -42.8266 -38.8212 -35.4199 -29.6844
-18.1186 -23.3593 -28.1869 -32.3939 -33.1261 -31.8508 -35.4631 -30.1791
-20.5593 -26.3754 -26.4329 -22.8577 -21.7892 -24.3240 -29.1004 -23.7547
-17.1345 -18.5078 -13.6278 -9.3325 -7.6211 -9.7766 -11.5678 -9.2354
-6.6280 -4.2008 1.8334 5.6975 6.9327 6.0711 6.3585 6.6316
-1.3704 2.6701 9.4038 13.2593 14.7993 15.5177 16.3217 16.1512
0.0970 5.3340 11.0177 14.5344 16.5280 18.0148 19.2959 19.5091
-0.2857 4.9168 9.2705 12.5957 15.0365 16.8112 18.5324 19.4064
-0.0973 2.0948 4.9496 8.0090 10.0525 12.9062 15.8613 16.7680
7.8176 8.3492 7.1991 5.6737 5.5986 8.5760 11.5694 11.8109
13.4536 14.7504 13.7397 12.8730 12.3858 12.7155 12.3930 10.3477
14.4073 16.9449 17.5090 18.7133 19.5788 19.5014 18.7330 17.1752
11.8456 14.4334 16.1778 18.8077 21.2613 22.4770 22.6900 22.2473
7.7253 9.7808 12.9192 16.4692 18.7090 20.4585 22.1209 23.0410
8.0509 11.6421 13.7404 14.6823 15.0304 16.3760 18.4509 20.2941
8.7339 12.5233 15.0296 16.0675 15.9750 16.1060 17.2168 18.4881
8.4242 12.3004 15.0071 16.4427 17.1994 18.1522 19.6437 21.0827
6.5881 9.5190 12.1037 13.9888 15.1717 16.6134 18.1868 19.5390
Columns 9 to 16 -38.0811 -39.9544 -36.9486 -35.6058 -35.8118 -37.4913 -37.5723 -35.6547
-46.2711 -46.8337 -42.8420 -41.1878 -41.7534 -43.5957 -42.9676 -40.5183
-54.0772 -52.4082 -47.7480 -45.7233 -45.9983 -47.5657 -46.2316 -43.5088
-58.9538 -55.3673 -50.8915 -49.1533 -48.9115 -49.8471 -48.0854 -44.8768
-57.4753 -56.2371 -52.0142 -49.0248 -48.3264 -48.8977 -50.0060 -47.3359
-47.9753 -47.5701 -45.4179 -41.6902 -40.6285 -42.0417 -46.1088 -44.1917
-36.7853 -37.3488 -35.4925 -32.0020 -31.6397 -35.0910 -38.2052 -30.4802
-30.0633 -31.9519 -29.1607 -24.7075 -25.0774 -33.5689 -31.2682 -16.3054
-28.4070 -30.3981 -25.8847 -20.9041 -24.5715 -33.4626 -25.9569 -6.0888
-32.1203 -29.8617 -21.9176 -19.4145 -26.0866 -31.5214 -21.1660 -1.4339
-40.7163 -29.9698 -19.5141 -19.2528 -25.9494 -26.3789 -16.7048 0.8589
-42.0968 -29.4343 -18.9613 -19.6069 -24.4577 -21.4569 -14.2111 1.7235
-33.3107 -26.7889 -19.6522 -21.3212 -23.4054 -19.0945 -13.3946 -0.4700
-26.3762 -23.0773 -21.5681 -24.4160 -23.5044 -18.7628 -15.0028 -4.0486
-24.1142 -22.2193 -26.0422 -29.0740 -23.4927 -19.9592 -16.5295 -5.4700
-23.3463 -24.7353 -31.1671 -33.4890 -23.9184 -22.0667 -16.9638 -5.6861
-20.5616 -24.9008 -34.8697 -33.3976 -26.2540 -26.2198 -16.2435 -5.5438
-8.8647 -15.4178 -28.1090 -30.8400 -28.9848 -29.3745 -14.5313 2.2606
4.7955 -4.7961 -18.3015 -21.4037 -21.2331 -23.1345 -12.0198 7.0888
13.5786 5.0428 -6.1023 -13.0165 -14.6078 -14.4111 -5.4419 11.2181
17.8789 12.6849 2.7100 -10.7129 -12.9034 -7.9816 1.1639 14.8384
18.8032 16.3388 6.3605 -7.7332 -12.6709 -6.0509 2.5707 13.6878
16.5780 15.8547 9.1088 -3.7698 -13.6470 -8.4687 -2.7966 8.2197
12.1646 12.6428 9.9648 -2.0682 -15.4361 -17.5134 -16.6985 -3.0778
8.9261 8.8975 6.9322 -2.5165 -18.7000 -29.3924 -29.4891 -17.1131
15.8422 14.4545 11.1838 -0.7945 -20.0732 -20.0218 -16.9053 -16.5119
21.6853 20.8663 17.5396 5.3883 -15.0742 -6.5718 2.1315 0.6106
23.6274 23.9117 21.2038 8.1018 -8.9490 2.6084 12.6932 12.9589
21.5174 22.6296 20.8973 10.4194 3.2673 10.3453 17.5939 18.1441
18.7438 18.8575 16.4485 11.8153 12.5986 15.6801 18.4455 19.6023
21.6811 21.5828 17.7837 10.4548 13.5617 15.3799 16.9035 19.1448
20.5645 20.8563 17.6900 8.3712 7.9684 8.1011 10.0445 15.1424
Columns 17 to 24 -31.7360 -26.5720 -23.9534 -23.7792 -25.5086 -30.7933 -39.2514 -45.3171
-36.0509 -30.3957 -27.5819 -27.6453 -32.2535 -40.5153 -48.6342 -54.0613
-38.6577 -33.0985 -30.1552 -30.6024 -36.9195 -48.1122 -56.4991 -60.9568
-40.0960 -35.2977 -32.8862 -33.2241 -39.4143 -50.4118 -54.9330 -56.2005
-43.4209 -39.7853 -37.8069 -37.7187 -41.7846 -48.3883 -47.8378 -51.0368
-43.6114 -43.3458 -38.9382 -36.3084 -37.3579 -38.2846 -41.6306 -49.3890
-28.8813 -30.2602 -31.0518 -26.6858 -26.0815 -29.7400 -42.2723 -49.6952
-11.6637 -15.2258 -21.5641 -21.3648 -21.0660 -28.6377 -44.6418 -53.7004
2.4298 -2.7238 -11.1603 -16.4811 -21.2197 -30.8447 -45.4205 -56.4419
12.8252 10.4150 -0.9171 -15.0965 -23.6171 -32.9991 -46.4601 -53.8671
16.8056 18.9191 4.8973 -13.0957 -23.9776 -32.0424 -40.1102 -43.9702
16.2487 21.1052 9.1056 -9.5822 -20.4989 -24.7554 -28.7186 -30.5546
14.1429 19.9900 11.7705 -6.4527 -16.3747 -14.2919 -15.0035 -14.7220
10.6424 15.7690 11.4487 -3.5166 -13.2508 -6.6962 -3.8412 -1.8041
7.0300 9.9291 7.6416 -1.2254 -10.5902 -3.5999 1.9548 5.0092
2.9152 4.5570 2.8532 -1.9032 -7.7965 -2.1482 3.4229 7.2830
4.6588 8.8961 8.3489 2.7474 -4.3353 1.8975 6.3595 9.2517
10.3459 14.7953 13.8801 6.2124 1.7392 8.0334 11.9929 15.3362
15.1058 17.0020 15.6148 9.3982 7.7180 12.9636 16.4764 19.9896
19.1546 17.7756 15.3808 11.0398 9.6396 13.3426 17.3960 21.4909
23.5716 21.9994 18.8161 12.7486 11.3063 10.5889 13.6643 18.8452
25.4141 28.5031 24.7646 19.7116 17.3460 11.2266 14.3764 20.3971
21.7060 32.5306 33.2884 29.4318 30.0691 27.9322 29.4521 30.7364
14.1925 28.4076 38.5276 41.0791 43.3783 46.4566 45.0340 36.4746
-2.2835 20.5115 37.2874 44.8295 50.6813 53.4249 48.0404 36.4410
-15.0692 10.2222 32.2647 42.1480 49.1446 49.3612 44.0733 34.5273
-6.9316 2.8685 23.2276 35.5735 37.8311 37.0967 34.6839 28.6455
5.4988 1.5131 17.6955 23.7457 24.2827 25.4463 24.6326 22.0244
12.6958 9.1525 15.2361 20.3217 23.8527 25.9830 26.0583 24.8078
18.7460 17.2891 19.2580 23.0133 27.3435 29.0768 29.1091 28.5561
21.3871 22.1330 22.8295 24.9325 28.7967 30.3067 30.1635 30.1423
19.2865 21.2255 21.6209 23.2002 25.9752 26.8870 26.8504 27.3673
Columns 25 to 32 -46.2929 -45.8514 -43.8133 -42.0758 -37.2443 -28.1002 -22.5110 -22.4611
-55.4109 -54.9383 -52.8983 -51.5629 -45.9912 -34.5083 -26.1234 -24.4899
-63.6507 -64.1958 -63.2557 -61.9910 -54.5440 -38.6858 -27.7597 -25.5989
-61.4426 -66.8405 -68.4762 -66.5334 -56.8582 -39.5238 -28.4496 -26.0569
-59.0864 -64.7181 -66.3339 -66.1839 -57.3326 -40.5663 -29.5029 -26.7204
-56.8137 -61.4719 -63.4090 -63.0132 -57.1972 -41.8971 -30.7333 -27.7226
-54.5946 -59.6704 -59.9279 -59.4327 -54.0515 -41.8344 -31.9936 -29.6327
-54.3301 -55.5833 -49.3921 -47.1102 -45.3499 -36.1975 -30.0925 -29.7975
-53.3289 -47.0362 -33.1229 -20.6586 -17.8297 -16.2271 -15.1819 -22.8017
-46.3587 -32.7703 -14.1078 8.1892 15.8441 14.3661 1.8516 -21.0280
-33.9688 -17.1886 6.2578 28.8824 39.7389 32.7921 4.0127 -22.1696
-22.6312 -3.3024 22.2729 41.7205 49.9283 35.0476 2.0592 -22.3986
-12.2749 5.8847 31.0317 48.3506 51.2449 31.1942 -0.4182 -22.9004
-1.3272 10.8811 34.9316 50.0099 47.5794 25.8232 -6.2503 -24.1410
8.1526 16.8650 36.7063 45.0007 38.6178 18.0170 -12.9313 -27.0494
11.6091 20.2892 33.7044 35.6224 27.9035 8.0284 -18.3743 -29.7858
11.3965 19.5592 22.5863 20.2763 14.4020 -1.8836 -21.7937 -30.7546
16.3651 15.2092 9.1531 8.1118 2.9091 -9.3774 -24.1398 -30.1404
21.1623 16.3668 6.3052 2.0496 -1.7600 -12.5608 -23.3100 -23.8790
22.2473 17.7449 10.1178 7.9337 2.4403 -7.7597 -12.8632 -12.1756
21.1939 20.0816 17.8756 15.1619 8.9420 2.6407 0.5657 0.7166
22.9229 23.8982 23.3829 20.4815 16.7441 13.7642 12.8930 12.1950
28.0445 27.3273 27.6899 26.4823 25.2613 24.2942 23.8800 22.5411
28.9310 29.1998 31.3952 32.2238 32.5202 32.7017 32.8972 31.4875
29.5986 30.5773 32.7135 34.2784 35.6347 36.9571 38.0529 36.7636
29.1209 30.0166 32.2120 33.9855 35.8697 37.7760 39.2828 37.9701
25.4318 27.2111 29.4819 31.8337 34.5026 36.5293 37.9826 36.5371
20.8510 22.7705 25.2048 28.3100 31.0736 32.6094 33.8156 32.3447
23.1712 22.3006 22.5951 24.6402 26.4801 27.1895 27.9190 26.6536
27.9899 27.5725 27.3290 27.2686 27.1475 26.0548 24.2875 22.0305
30.7982 30.8289 30.4758 30.2773 29.9263 28.3289 25.7655 21.9456
28.2622 28.4333 28.4101 28.3268 28.0044 26.6870 23.9720 20.5055
(1,3,.,.) =
Columns 1 to 7 -43.3829 -57.2500 -60.5810 -58.7041 -56.5367 -54.4940 -52.5017
-48.0173 -71.4458 -75.9458 -73.5351 -70.5657 -67.7200 -65.0992
-46.2349 -69.7637 -76.6631 -73.9241 -70.3925 -67.1155 -63.7451
-43.7993 -66.2397 -72.6077 -69.6863 -66.1336 -62.6976 -59.3189
-41.8060 -63.0970 -68.7028 -65.7285 -62.0030 -58.3884 -54.8992
-40.3324 -60.5962 -65.8353 -62.2606 -58.3834 -54.4694 -50.7579
-39.2995 -58.9110 -63.4166 -59.9573 -55.4958 -51.3651 -47.2762
-38.4727 -57.3261 -61.6295 -57.8767 -53.5908 -49.0991 -44.8654
-37.5628 -56.0327 -59.9609 -56.3721 -51.8299 -47.6004 -43.2200
-36.6434 -54.5845 -58.7801 -55.1156 -50.6503 -46.2570 -42.1868
-35.9391 -53.6877 -57.7242 -54.1853 -49.8177 -45.2375 -41.1104
-35.6426 -53.1366 -56.9904 -53.5465 -49.0066 -44.5927 -40.1305
-35.6004 -52.9548 -56.7981 -53.0290 -48.5394 -43.9509 -39.5823
-35.6588 -53.1284 -56.8513 -52.9910 -48.2378 -43.5958 -39.2376
-35.9490 -53.3974 -57.1235 -53.1404 -48.2489 -43.4966 -39.0506
-36.3028 -53.9600 -57.6041 -53.3783 -48.4391 -43.7912 -38.6930
-36.6865 -54.6954 -58.1371 -53.9543 -49.0777 -44.1303 -37.6567
-37.4671 -55.7340 -59.2349 -55.1032 -50.2441 -43.4689 -31.6964
-38.5994 -57.2467 -60.9127 -56.7831 -49.7834 -37.2059 -19.9736
-39.7248 -59.0340 -62.8925 -58.8271 -47.4528 -25.2424 2.1795
-40.8070 -60.7105 -65.3829 -61.0223 -43.4110 -12.4923 25.3523
-41.9252 -62.6892 -68.1971 -62.1916 -36.9994 4.1557 44.9739
-43.4716 -65.1068 -72.0271 -57.4420 -21.8325 29.4740 70.6159
-45.3191 -68.0471 -72.9804 -48.7594 2.0794 61.0432 102.1361
-47.5314 -71.4729 -75.8850 -40.0875 24.9410 88.9493 127.2480
-50.1148 -76.8792 -80.0402 -35.6646 39.9449 106.0510 141.2488
-54.6035 -85.1268 -81.9496 -27.4757 50.2067 114.9986 144.9003
-61.5550 -94.5493 -79.7337 -15.9039 61.0515 117.9293 142.2710
-69.1161 -102.1103 -74.8478 -7.0234 67.4770 114.0899 133.4993
-70.2958 -102.0732 -71.7222 -3.4368 63.5554 103.2891 121.9558
-65.9622 -96.8458 -69.2288 -6.0354 54.0174 90.5654 110.2792
-54.1607 -76.3820 -50.8734 -3.4238 42.2058 69.0572 84.6958
Columns 8 to 14 -50.7584 -49.2462 -47.8805 -46.6296 -45.6389 -44.9269 -44.3560
-62.7721 -60.6169 -58.7216 -57.0749 -55.6661 -54.6158 -53.6020
-60.9324 -58.2667 -55.8527 -53.9371 -52.3313 -51.0335 -49.9463
-55.9366 -53.0859 -50.6181 -48.4522 -46.7613 -45.3836 -44.3824
-51.4982 -48.3159 -45.5579 -43.4816 -41.7213 -40.3836 -39.3065
-47.3349 -44.1446 -41.3132 -38.7896 -37.1527 -35.8834 -34.9471
-43.6646 -40.5221 -37.6124 -35.1745 -33.1266 -31.8902 -31.0440
-40.8649 -37.5818 -34.7069 -32.1545 -30.1845 -28.7350 -27.8369
-39.1192 -35.3263 -32.4344 -29.9227 -27.9945 -26.6294 -25.7285
-37.9526 -34.0979 -30.5331 -27.8298 -25.8283 -24.7678 -24.2473
-37.1719 -33.1163 -28.8412 -23.9975 -20.9243 -19.3016 -19.6521
-36.2702 -31.8023 -25.9094 -16.6364 -7.6429 -3.9840 -4.9304
-35.0691 -29.3256 -19.0483 -4.6776 11.8723 21.4236 19.6943
-33.9345 -25.0689 -8.1399 14.1031 33.7860 47.3371 39.4804
-33.0637 -19.8427 3.4146 33.2786 56.6750 64.8065 51.4706
-31.2879 -14.8673 14.1530 46.7283 69.8668 72.1823 58.6014
-25.9262 -7.6666 22.2505 55.5496 72.0595 70.4779 51.7089
-16.5267 5.2814 31.6792 57.6397 66.1826 59.3799 40.5672
2.0830 21.6878 43.6580 59.3497 66.3596 62.0898 50.0917
26.4460 46.1294 57.0424 75.6873 92.1274 95.0278 87.2769
54.0557 63.0726 69.3024 94.4635 119.2194 130.8355 126.1793
70.5254 72.5032 84.8652 111.4625 140.6575 153.9026 150.5534
86.9295 87.9274 101.9143 130.3481 155.1870 163.8941 160.6017
115.9001 117.1974 126.5387 148.2046 163.1017 167.3514 162.3474
141.6861 143.6838 150.6470 161.0376 166.9260 168.2082 158.8924
152.7485 157.7642 162.6912 166.3755 168.3031 167.2471 154.1809
154.8301 160.8963 165.0760 167.1404 167.7609 165.7932 150.9889
151.6359 158.9661 164.1698 166.0208 166.5196 164.4063 150.9974
144.5301 155.1665 161.3567 163.8979 164.6698 162.5390 151.5307
136.5674 149.0813 156.7322 160.2634 160.7016 158.1711 148.3523
126.2725 139.5311 147.6497 150.5332 149.9555 146.4946 137.2939
97.8558 107.9103 113.1893 114.6433 113.2722 109.8100 102.7211
Columns 15 to 21 -43.9139 -43.6927 -43.6103 -43.6778 -43.8428 -44.2720 -44.8833
-53.1183 -52.7649 -52.6902 -52.7950 -53.3241 -53.7445 -54.3590
-49.2232 -48.9561 -48.9183 -49.3404 -49.7817 -50.3020 -50.9426
-43.5806 -43.2851 -43.3663 -43.6732 -44.0986 -44.5629 -45.5262
-38.6472 -38.2601 -38.2701 -38.4525 -38.7940 -39.5257 -40.6724
-34.2144 -33.8587 -33.7388 -33.8546 -34.2011 -35.0375 -36.4109
-30.3912 -29.9088 -29.7588 -29.7971 -30.1643 -31.1252 -32.6831
-27.1324 -26.6087 -26.3343 -26.3526 -26.8199 -27.7644 -29.4980
-25.1394 -24.4475 -23.8934 -23.8466 -24.1133 -25.1847 -26.9305
-24.5340 -24.6697 -23.5368 -22.3960 -22.3502 -23.2753 -24.9281
-23.5137 -28.9217 -27.2156 -23.0858 -21.4956 -21.9390 -23.5252
-15.1189 -36.0247 -35.0046 -25.9857 -21.1458 -20.7422 -22.2482
-3.8736 -35.9743 -39.2596 -26.5796 -19.3000 -18.6377 -21.2602
8.4424 -18.4103 -25.4464 -18.3314 -13.2987 -15.1912 -20.6076
26.6394 6.3879 -0.6960 0.1683 -2.7569 -12.7281 -20.5602
37.8800 26.3610 23.0989 17.0048 4.4961 -11.8779 -21.0360
38.2441 37.1644 34.2871 26.0871 7.2723 -12.2721 -22.0494
28.3953 33.5703 37.2525 28.2319 6.7038 -13.3820 -23.4247
34.8051 30.7198 34.4106 26.5975 4.1955 -16.0653 -25.5541
70.1502 50.7550 33.6892 20.4899 -0.1718 -19.8660 -28.5334
107.3203 70.6552 28.8416 9.0506 -7.8273 -24.2648 -32.0113
128.6758 77.4168 19.2556 -7.6748 -18.8242 -30.2466 -35.6909
134.7477 76.3730 11.0175 -23.2312 -31.0439 -36.5103 -40.3572
131.4742 74.1015 12.6567 -20.7831 -35.2679 -42.8488 -45.3089
123.6623 68.6216 17.3171 -12.8904 -34.3088 -47.4027 -50.5486
114.2547 59.7146 19.1794 -9.2337 -35.9617 -51.6404 -55.9530
110.1253 59.2423 21.9617 -12.1048 -40.2359 -56.9568 -61.8299
116.5776 72.2369 23.8877 -21.7514 -48.2947 -63.6112 -68.1508
123.6210 80.4951 23.1196 -34.2006 -61.7782 -71.4078 -75.0038
124.0642 81.8773 19.4725 -43.8119 -75.0979 -80.5334 -82.2578
116.8410 76.1495 13.1640 -50.4098 -82.6271 -86.8711 -87.7885
88.4501 58.1243 8.1823 -43.9323 -69.3773 -72.4924 -73.0547
Columns 22 to 28 -45.4563 -46.3293 -47.5817 -49.1006 -50.8091 -52.8214 -55.1336
-55.2904 -56.4384 -58.2090 -60.2883 -62.6799 -65.2971 -68.0326
-51.9897 -53.4761 -55.6654 -58.3643 -61.1950 -63.8450 -67.0439
-46.7399 -48.5787 -50.9899 -53.5949 -56.2760 -59.3091 -62.6449
-42.2120 -44.2750 -46.6501 -49.3335 -52.1861 -55.3499 -58.7044
-38.2763 -40.4104 -42.9692 -45.6462 -48.8038 -52.0428 -55.5220
-34.7004 -37.0159 -39.5160 -42.7717 -46.0770 -49.3880 -52.7536
-31.6097 -33.9332 -36.9988 -40.3051 -43.6875 -46.9160 -50.3009
-29.0322 -31.7305 -34.7813 -38.1693 -41.5499 -44.8090 -48.8127
-27.2552 -29.8669 -33.0465 -36.5231 -39.8219 -43.6780 -47.7114
-25.8034 -28.6712 -31.8701 -35.1267 -38.7967 -42.7455 -47.0811
-25.0184 -27.7666 -30.7286 -34.1619 -37.9443 -42.1754 -46.5233
-24.3271 -27.0119 -30.0400 -33.5143 -37.4886 -41.7756 -46.1608
-24.0001 -26.7190 -29.7550 -33.2926 -37.3236 -41.5995 -46.0339
-24.0350 -26.8058 -29.8892 -33.4350 -37.3728 -41.7035 -46.1544
-24.4878 -27.2600 -30.5511 -33.9548 -37.8446 -42.0691 -46.5640
-25.4516 -28.1877 -31.4810 -35.1401 -38.8820 -42.9443 -47.4661
-26.8696 -29.5728 -32.7387 -36.5313 -40.3862 -44.5028 -48.8259
-28.8653 -31.5187 -34.6295 -38.2424 -42.1965 -46.2491 -50.6836
-31.8056 -34.1760 -37.1722 -40.6831 -44.4962 -48.3279 -52.7979
-35.0030 -37.5759 -40.2755 -43.7421 -47.3503 -51.0753 -55.1519
-38.6333 -41.2587 -44.0541 -47.1282 -50.8123 -54.3495 -58.2415
-42.7172 -45.3219 -48.1642 -51.2897 -54.6353 -58.2824 -62.0579
-47.5156 -50.0850 -52.7211 -55.7329 -59.1731 -62.6775 -66.4004
-52.8016 -55.2403 -57.9763 -60.8037 -63.9259 -67.5946 -71.2289
-58.4720 -60.8909 -63.4852 -66.2516 -69.2543 -72.5990 -76.3203
-64.3591 -66.8367 -69.2278 -71.8924 -74.6999 -77.8753 -81.5115
-70.7301 -73.0773 -75.2901 -77.7100 -80.4003 -83.4222 -86.7731
-77.0907 -79.6871 -81.7863 -83.8850 -86.4907 -89.2461 -92.4944
-83.8674 -85.9978 -88.2731 -90.3742 -92.6167 -95.3074 -97.9017
-89.0358 -90.5188 -92.5040 -94.3561 -96.3172 -98.4133 -100.6622
-73.9912 -75.0996 -76.3563 -77.7758 -79.1758 -80.6522 -82.1407
Columns 29 to 32 -57.4837 -59.9305 -62.0526 -57.4371
-71.1517 -74.3539 -76.9463 -71.7533
-70.4604 -74.2928 -77.1360 -72.3793
-66.2604 -70.1718 -73.2021 -69.0198
-62.4798 -66.4573 -69.5962 -66.0560
-59.2971 -63.0850 -66.5718 -63.5045
-56.3789 -60.4758 -64.2412 -61.4716
-54.3542 -58.6170 -62.3877 -59.9979
-52.9414 -57.2121 -61.2996 -58.8754
-52.0209 -56.5085 -60.4799 -58.2519
-51.4391 -55.8854 -60.0777 -57.9043
-50.9603 -55.5413 -59.8819 -57.6973
-50.6101 -55.3593 -59.6205 -57.6558
-50.5382 -55.2314 -59.6549 -57.7436
-50.6887 -55.4866 -59.9315 -58.0615
-51.2781 -55.9973 -60.5677 -58.6280
-52.0821 -57.0308 -61.4670 -59.3815
-53.5110 -58.3339 -62.6950 -60.4195
-55.4256 -60.1373 -64.4291 -61.7164
-57.5220 -62.4965 -66.4212 -63.3718
-60.0436 -64.9413 -68.9153 -65.4481
-62.9192 -67.7306 -71.7044 -67.9192
-66.2986 -71.1969 -74.7353 -70.6531
-70.4102 -74.8544 -78.3002 -73.5960
-74.9863 -78.9527 -82.0077 -76.7277
-80.0527 -83.6417 -86.0561 -80.0680
-85.2005 -88.6744 -90.4416 -83.7623
-90.4386 -93.7994 -94.9894 -87.7397
-95.6531 -98.9138 -99.6656 -91.7978
-100.8846 -103.5818 -103.9291 -95.6137
-102.7784 -104.8821 -104.1877 -95.5436
-83.6227 -85.0917 -83.9278 -76.6711
(2,3,.,.) =
Columns 1 to 7 -36.4547 -51.8265 -55.3404 -50.7557 -44.8512 -40.2483 -36.8278
-54.3007 -85.5951 -93.0364 -89.6026 -83.2072 -77.7953 -73.6069
-77.8709 -118.5116 -135.0964 -134.1457 -129.4477 -125.3994 -120.7212
-93.3641 -139.3842 -161.0292 -165.0838 -163.4672 -159.1944 -151.6598
-95.0313 -142.7933 -166.0388 -174.0913 -170.6944 -157.3418 -140.7749
-92.5290 -139.3087 -161.7378 -170.9473 -167.4336 -149.6084 -123.8140
-90.5783 -136.0732 -158.5555 -168.5282 -163.9730 -145.8973 -116.8080
-89.9339 -134.8551 -157.4585 -167.9110 -162.9367 -144.2721 -117.3643
-90.2535 -134.9246 -157.5058 -168.3300 -163.4350 -146.5729 -127.3094
-91.2005 -135.6834 -157.3513 -168.0744 -165.6553 -154.5994 -146.1040
-92.6830 -137.2594 -157.3334 -167.4940 -169.0211 -165.1155 -156.9243
-94.2329 -139.5190 -158.0600 -166.9369 -171.7023 -167.9784 -159.2434
-96.2038 -141.8916 -159.7896 -166.7960 -171.6151 -168.6656 -160.0953
-98.4238 -143.8659 -161.6430 -166.8960 -170.5970 -169.3259 -163.2846
-100.1890 -145.4115 -162.5650 -166.9183 -169.6335 -170.7185 -167.9904
-100.8245 -146.4646 -163.7162 -166.6804 -168.1485 -169.6983 -166.9790
-100.9672 -147.1295 -164.6103 -166.9460 -166.6273 -165.8737 -160.7084
-100.5875 -147.0343 -165.2880 -168.2260 -166.6314 -162.2317 -154.4064
-100.4755 -146.8642 -166.3891 -170.3123 -168.7160 -162.8550 -151.5052
-100.8419 -147.0157 -167.5213 -172.4435 -171.2502 -164.6877 -153.5887
-101.5320 -147.7402 -167.6651 -173.0637 -172.2025 -168.1410 -158.3742
-101.6453 -147.8770 -167.7874 -172.0443 -172.5672 -172.3684 -163.9698
-100.9357 -147.1077 -166.8345 -171.1945 -172.0102 -173.0958 -167.8300
-100.2394 -145.8304 -166.0991 -170.5040 -171.2836 -172.8628 -167.3065
-99.9613 -145.3398 -165.5607 -170.4551 -171.3422 -172.7125 -167.3210
-100.3724 -145.5833 -165.5246 -170.8884 -172.0619 -173.3096 -167.9006
-101.2359 -146.4040 -166.0924 -171.3202 -173.0146 -173.8982 -167.4026
-101.9536 -146.9848 -166.0030 -170.7071 -172.3674 -173.3003 -166.9402
-102.1323 -146.5588 -165.2983 -169.9445 -171.0857 -172.3460 -166.1362
-100.0016 -143.9197 -162.9257 -166.9616 -168.4705 -169.5497 -163.3698
-93.4553 -135.8335 -152.3698 -155.7909 -157.5777 -157.3555 -150.2449
-75.0565 -104.6251 -117.5057 -118.8609 -118.4272 -117.5599 -111.2328
Columns 8 to 14 -33.6394 -31.2328 -30.9443 -32.0243 -32.7149 -30.6948 -28.0748
-70.0033 -67.9309 -67.8310 -70.1098 -70.4676 -66.6580 -62.3688
-116.2133 -114.1199 -115.6596 -119.8577 -120.5997 -115.5777 -110.0593
-143.1422 -140.1561 -143.5468 -152.3016 -156.0005 -151.3305 -146.1480
-128.0918 -122.2965 -127.2406 -141.6766 -153.1016 -156.3960 -154.6395
-106.7549 -101.4977 -108.3374 -125.2489 -138.0987 -145.9847 -149.2823
-95.5781 -90.0473 -98.1822 -115.6305 -128.2654 -136.6710 -143.3400
-99.2673 -91.9371 -99.0828 -113.4846 -121.9891 -127.7876 -136.5052
-114.9767 -108.0058 -107.3145 -113.4688 -113.6723 -118.6606 -133.6628
-135.8358 -128.8754 -114.5805 -105.8022 -104.3077 -113.0487 -131.3804
-146.9077 -130.6145 -110.8797 -97.3740 -95.3804 -107.3267 -127.6456
-147.5991 -130.9687 -109.4527 -90.9708 -86.0871 -97.7974 -119.2943
-149.4533 -133.9052 -113.8635 -92.1561 -80.9581 -90.3729 -113.3291
-155.1383 -141.4087 -121.0010 -97.3452 -84.2182 -89.1139 -114.2904
-161.2244 -148.2346 -127.8718 -107.2236 -99.0641 -101.1941 -122.0087
-159.3352 -148.7791 -132.5887 -123.0913 -120.9268 -123.9885 -132.2582
-151.3359 -138.6801 -127.4425 -121.6063 -120.2433 -121.8334 -123.7930
-142.1689 -128.1091 -115.0392 -106.2944 -102.5610 -101.7921 -102.9869
-137.7314 -122.5437 -109.8282 -101.4201 -96.7729 -94.4490 -94.1751
-138.4333 -124.8568 -115.1629 -110.9621 -108.4196 -105.0416 -100.4562
-145.0031 -135.1889 -131.1814 -132.1257 -132.2474 -125.3395 -119.1365
-153.7159 -145.4357 -145.1512 -150.6744 -151.9044 -146.0209 -141.4568
-154.2393 -143.5586 -143.1493 -148.5600 -156.2532 -158.3002 -156.7407
-153.0154 -135.7733 -127.5824 -130.5679 -137.2842 -145.0694 -149.6552
-153.2504 -133.9012 -113.2749 -108.2429 -112.7135 -122.6012 -133.2580
-153.6429 -134.7780 -109.1889 -85.7329 -82.7109 -92.9598 -105.0224
-154.5555 -136.0734 -108.9778 -72.9622 -41.8483 -35.7961 -39.8486
-153.7666 -137.0327 -111.2732 -70.7629 -14.6663 26.0063 36.7470
-153.7932 -138.0042 -119.0329 -67.6905 -2.1796 54.1631 84.4655
-152.9443 -144.7160 -122.0334 -68.1015 -0.2845 56.3191 91.9528
-141.7450 -135.5731 -119.1017 -71.6732 -14.6916 34.7922 71.5662
-104.0300 -99.3449 -88.2011 -60.5929 -24.5342 8.8691 42.0292
Columns 15 to 21 -26.7427 -25.4195 -22.0556 -16.6075 -10.8359 -6.0571 -2.4474
-59.8254 -57.9628 -54.3581 -48.8659 -42.8817 -37.2818 -32.8919
-106.8050 -104.4514 -101.1632 -96.8723 -91.9506 -86.8653 -82.2676
-142.8866 -140.3805 -137.8194 -134.5425 -130.5626 -127.3632 -125.1397
-151.5046 -148.6402 -144.5135 -138.0488 -133.1993 -131.5842 -134.1632
-147.3582 -145.8223 -143.1400 -130.0511 -114.1764 -106.6917 -105.7511
-145.7634 -147.1484 -145.8411 -130.9663 -105.6663 -84.9225 -78.3903
-145.8796 -148.5276 -147.3086 -132.8667 -105.7023 -80.6505 -69.2917
-141.7349 -141.7499 -141.7903 -131.4398 -108.2968 -91.1982 -83.3845
-137.9161 -133.3583 -132.0313 -126.9841 -120.0144 -117.0514 -111.4430
-135.8341 -130.3269 -125.4012 -126.3201 -131.1353 -136.7081 -141.5640
-133.1375 -130.6847 -124.3553 -120.5018 -122.4642 -129.1422 -140.9023
-132.0820 -132.0760 -127.5394 -119.9184 -117.3824 -122.6028 -132.5153
-136.7366 -139.2944 -132.2422 -125.6994 -123.4157 -125.1810 -122.1561
-146.9010 -149.6850 -143.3644 -139.5662 -138.7420 -137.2084 -122.4209
-149.6593 -156.1301 -156.9499 -154.7382 -152.9020 -144.0356 -125.8373
-130.1010 -143.1052 -153.8352 -152.2130 -146.5771 -141.5329 -128.1076
-110.0372 -123.8271 -140.4474 -143.0943 -134.9890 -130.7043 -127.4289
-98.6989 -113.9535 -132.4786 -135.1536 -127.4529 -122.3489 -123.0063
-101.2789 -113.9994 -131.7094 -127.1522 -118.0411 -113.6991 -117.5732
-117.8762 -123.3538 -134.6001 -119.7834 -106.2415 -103.3711 -113.2462
-139.9401 -142.2716 -138.8317 -116.6372 -99.8865 -97.8742 -111.7829
-155.6738 -154.3671 -139.5551 -117.3630 -103.1286 -100.9022 -114.1826
-150.4369 -147.7455 -137.1653 -122.3600 -114.2622 -114.5875 -122.9377
-136.8910 -135.4618 -132.0069 -127.0831 -128.3360 -133.1549 -136.6799
-107.2941 -107.3748 -108.8976 -118.1572 -132.6552 -142.8547 -144.5373
-41.8188 -49.6042 -74.7643 -106.8675 -126.8157 -136.2462 -139.1631
33.1181 10.2854 -33.3151 -74.3241 -98.4018 -114.6898 -130.2935
85.8976 64.6580 25.6067 -13.6279 -48.3098 -92.6587 -123.9666
109.1862 102.5142 81.6337 49.8685 -9.0997 -79.2369 -105.7018
98.7173 113.8629 109.4666 77.9850 9.9339 -63.8501 -80.5639
69.6593 87.1031 91.4187 73.1918 20.7844 -41.5221 -50.9679
Columns 22 to 28 -0.3049 0.7184 1.0143 0.9698 1.7303 3.9522 6.9231
-29.3066 -26.7278 -26.0020 -25.9077 -22.7291 -14.0080 -1.0435
-78.6815 -76.7498 -75.7062 -73.8327 -63.9452 -41.1629 -7.3385
-125.3589 -125.3447 -124.6936 -118.8056 -98.0912 -52.7987 -6.8221
-137.9950 -142.8679 -147.6172 -137.0796 -99.6402 -47.7174 -2.0989
-112.0770 -123.8599 -137.5105 -137.6382 -98.9070 -44.6185 -0.3236
-83.0177 -97.4060 -123.2983 -136.9230 -100.2306 -47.8918 -7.2355
-68.5563 -82.9964 -110.0242 -133.8762 -103.1051 -56.9810 -23.8838
-78.2080 -82.7260 -106.6141 -131.1168 -106.9730 -70.8842 -48.8430
-109.6545 -107.1412 -112.9902 -133.3977 -116.2915 -95.8864 -83.0526
-140.8137 -139.3531 -137.9366 -139.5027 -134.9419 -130.0831 -123.1084
-150.9889 -151.5646 -148.4308 -149.1543 -155.4386 -155.5928 -153.0682
-134.5409 -133.0720 -134.0048 -147.7682 -160.7690 -164.9298 -163.1767
-117.7168 -115.3069 -123.8025 -139.4025 -149.0424 -153.1826 -153.5587
-108.3316 -105.5224 -113.2857 -123.7128 -128.0555 -130.4301 -132.6647
-107.6624 -98.5170 -102.5963 -104.5465 -104.2359 -106.6423 -112.1381
-110.4045 -92.4242 -86.9629 -86.7515 -85.3330 -88.4844 -96.6652
-110.8910 -89.6877 -76.8503 -73.5898 -73.6700 -78.3293 -88.1318
-110.7262 -90.4794 -74.9359 -69.0674 -69.2371 -74.9547 -85.6154
-112.8515 -96.5346 -79.2891 -69.7820 -69.1985 -76.0088 -86.7813
-120.9628 -105.6949 -85.4527 -72.9419 -71.7734 -79.3157 -91.1741
-128.2369 -113.8541 -91.8276 -78.1806 -75.7017 -84.2426 -99.5022
-133.4317 -119.4620 -97.4876 -84.0744 -81.3992 -88.9730 -103.8432
-136.3238 -120.6374 -93.1397 -68.1986 -59.5202 -61.5992 -69.9144
-137.1568 -119.9486 -88.1090 -42.4703 -6.2811 5.8914 -6.2134
-135.8582 -120.1551 -89.9553 -27.5079 35.4197 64.7541 55.0375
-133.5070 -121.9034 -88.3370 -22.2055 48.0162 85.8291 84.6826
-127.5272 -112.8478 -82.0199 -21.4693 34.2923 63.6447 65.3814
-114.1114 -99.9419 -73.5328 -34.1116 -2.0100 10.0357 12.6111
-89.6968 -72.0568 -56.4889 -41.4097 -30.1192 -24.5462 -22.8495
-56.1822 -34.6446 -21.7396 -10.4818 0.1638 6.2079 8.7895
-26.4935 -9.3622 0.2156 8.3633 16.7571 23.1236 25.3076
Columns 29 to 32 10.1088 11.4311 10.7304 9.5710
9.7807 14.0837 14.0012 11.0001
14.5380 22.0619 22.7716 18.5219
20.7771 29.6396 30.5800 25.1285
24.2307 32.4428 32.0819 26.2353
22.3349 28.4214 26.1514 21.2736
10.2178 14.7254 11.9090 7.9085
-11.4054 -7.8665 -9.3324 -11.6365
-38.7168 -35.4472 -35.0316 -33.4408
-74.8292 -69.1321 -66.0356 -57.4530
-114.6090 -104.6821 -96.1504 -81.1821
-141.9618 -126.9615 -107.1043 -88.7590
-152.3771 -130.8834 -102.6796 -80.5693
-149.9866 -130.9766 -101.5806 -77.6477
-134.4622 -126.8301 -104.3439 -82.9967
-117.2788 -119.8448 -111.0766 -93.3426
-104.8365 -112.3280 -116.4808 -102.3518
-98.7461 -109.0993 -117.2581 -104.9809
-97.5422 -109.0152 -114.1723 -101.0158
-99.2321 -110.6219 -113.0055 -98.3986
-103.6365 -114.6973 -114.2803 -99.2620
-110.9946 -120.3574 -117.5757 -100.9717
-117.2098 -121.1475 -107.6046 -86.9773
-91.6520 -112.7595 -93.2338 -68.0108
-43.7632 -83.1102 -82.5200 -57.4377
12.6440 -49.6928 -75.3339 -55.9097
39.2907 -30.6573 -71.3185 -60.2377
37.1137 -25.5159 -69.0481 -66.3803
3.3165 -27.4715 -56.9955 -52.9625
-22.0874 -21.6942 -22.4407 -19.1087
9.8125 12.1399 15.7675 16.3792
25.3447 26.8606 28.7049 27.3322
(3,3,.,.) =
Columns 1 to 8 -66.5346 -88.4053 -98.0192 -98.0911 -96.1300 -92.5613 -89.2849 -87.3374
-74.3273 -108.6087 -120.0267 -120.0613 -116.2804 -112.6079 -110.8277 -109.9961
-74.4690 -108.8481 -124.2095 -125.0359 -120.6797 -118.2366 -118.2882 -115.7100
-71.8738 -104.4815 -118.5794 -122.0863 -120.1319 -116.7314 -112.5283 -105.7710
-70.6814 -101.4844 -115.3416 -120.3648 -118.7805 -112.2027 -102.1918 -89.9242
-71.2530 -101.7860 -116.0767 -118.1530 -111.8159 -101.4900 -87.0895 -72.7925
-73.0678 -105.9822 -120.1284 -114.8559 -101.3161 -85.8223 -70.7159 -58.3753
-74.8374 -110.2563 -125.3929 -111.5853 -89.7696 -71.9568 -58.8776 -52.4099
-75.5773 -111.3881 -126.6019 -111.1066 -82.9133 -63.1879 -55.8643 -54.9504
-76.7666 -113.6762 -128.1363 -111.3215 -85.3456 -66.9915 -61.3474 -69.8563
-79.4209 -116.9670 -130.3879 -118.2708 -99.7655 -86.1702 -81.4078 -85.4520
-77.5376 -116.6394 -135.5530 -132.0861 -123.9638 -115.4571 -107.1617 -101.4386
-74.4271 -111.4649 -128.2633 -133.6170 -138.2099 -132.0120 -121.2982 -109.6359
-72.0067 -100.9314 -105.9855 -112.3334 -120.6802 -121.3447 -114.3841 -102.6532
-71.3330 -94.3129 -84.1306 -82.3042 -87.8247 -94.0915 -99.8561 -91.1239
-73.1499 -98.1475 -81.1236 -63.5543 -61.2933 -70.5008 -83.9742 -83.8625
-76.0736 -106.6745 -92.0262 -68.7999 -54.0698 -55.8654 -69.6215 -75.6183
-77.4135 -114.4602 -109.2332 -86.9782 -66.4829 -54.3175 -57.9404 -66.7946
-76.6893 -115.8649 -127.1066 -111.7402 -87.8546 -68.4947 -56.8128 -56.6969
-78.4980 -116.9290 -138.0952 -133.3085 -113.0624 -88.5243 -66.9854 -50.4634
-82.7309 -122.4508 -141.7816 -147.7730 -134.7150 -109.5764 -80.8094 -55.1649
-86.4805 -129.4860 -147.8778 -156.3817 -149.4427 -128.3656 -97.1659 -66.3577
-86.5577 -130.8082 -150.9900 -160.5107 -159.5670 -143.2459 -115.7319 -81.9957
-81.9265 -125.0043 -147.2670 -160.0782 -165.4295 -155.0792 -133.0075 -105.7385
-77.9642 -119.6148 -143.2628 -157.4537 -166.5476 -163.5315 -150.2721 -125.9671
-75.9071 -116.9534 -139.2453 -153.4092 -162.3779 -168.6358 -161.2052 -140.4019
-73.8667 -112.9128 -135.3216 -147.6907 -158.2737 -167.0770 -165.9262 -155.2341
-71.7310 -109.3680 -131.9691 -144.5565 -154.1210 -162.2231 -168.3405 -166.0446
-71.2305 -107.8117 -128.8914 -141.3238 -149.0907 -156.1631 -163.8342 -168.8834
-71.0141 -106.2260 -126.2004 -136.1348 -139.6473 -143.7915 -151.3603 -159.8714
-69.6904 -104.7511 -121.6755 -123.4344 -123.7941 -125.0419 -132.1351 -142.4060
-58.6575 -85.0163 -97.3225 -95.5150 -92.7878 -93.2021 -98.3916 -107.2611
Columns 9 to 16 -86.5597 -84.3221 -82.0366 -79.6121 -79.6001 -83.8394 -89.3308 -88.7311
-106.6959 -103.8436 -97.2131 -92.5536 -93.8555 -100.9858 -108.4834 -108.8121
-108.6742 -100.0235 -92.0092 -88.4262 -89.8103 -94.9329 -101.7147 -108.2041
-94.6187 -84.6206 -79.9311 -83.0333 -84.6896 -86.1835 -91.5819 -100.8257
-77.4793 -69.0493 -70.2251 -81.7536 -86.9417 -82.3646 -82.6832 -89.5306
-62.5960 -58.8184 -65.4402 -83.2061 -90.0397 -79.2363 -70.7181 -70.6646
-53.6580 -56.3534 -66.2950 -83.5837 -86.8147 -71.0874 -55.8466 -48.9496
-53.0333 -64.1491 -73.3933 -86.9058 -84.1974 -61.0095 -39.5566 -28.4083
-60.8359 -76.7384 -88.8106 -92.1850 -80.8305 -55.4692 -28.5262 -13.8251
-75.7189 -85.8732 -97.6705 -87.9847 -70.7710 -48.4158 -23.3439 -7.4910
-92.9942 -94.3038 -93.2754 -82.6982 -64.0992 -41.7345 -21.2674 -8.1857
-101.0734 -94.6231 -90.8848 -82.8945 -67.7108 -45.5246 -28.1261 -15.7628
-98.0866 -92.4455 -92.8502 -91.7621 -79.1006 -60.8740 -45.6092 -32.7144
-89.5034 -81.9425 -83.9346 -95.8554 -92.7806 -79.8957 -65.4803 -52.0138
-76.5642 -65.9347 -68.6377 -84.2064 -98.0488 -89.0093 -72.0614 -56.6716
-63.7612 -50.4417 -49.8274 -64.6204 -86.8296 -89.8287 -69.6975 -51.3315
-59.3046 -39.3729 -33.8470 -45.6250 -68.1912 -86.1159 -70.1201 -51.3718
-56.1083 -37.1884 -26.6152 -31.3447 -51.5378 -76.5673 -75.6224 -61.8662
-51.3429 -41.1981 -25.3201 -23.1061 -38.5477 -69.4147 -89.4178 -85.5737
-48.6684 -43.7525 -28.4326 -18.6187 -29.7639 -62.4213 -101.4436 -111.1713
-42.8016 -41.6765 -31.6873 -18.7974 -24.4609 -55.9685 -97.7168 -126.3601
-43.3559 -37.4069 -30.1758 -23.3120 -24.1431 -47.1089 -83.9619 -122.7811
-55.9318 -36.8242 -29.9718 -30.0003 -26.6994 -35.8862 -65.6706 -108.1404
-72.1209 -47.3582 -34.0408 -30.5962 -26.4394 -27.5345 -47.9769 -88.6384
-92.4209 -65.4741 -46.4620 -35.4335 -28.6941 -23.1059 -35.6282 -66.4758
-117.1214 -90.6151 -69.8809 -51.5055 -34.7390 -26.5025 -29.3479 -53.0169
-139.4011 -120.5928 -97.2355 -71.7932 -49.9799 -40.0908 -38.0814 -54.6235
-156.5574 -142.4150 -120.6640 -95.6941 -78.0735 -64.1228 -62.7651 -72.9316
-165.4066 -155.0766 -140.3890 -124.2270 -105.3913 -93.3163 -90.5055 -98.7954
-163.4539 -161.1462 -154.1137 -142.2383 -126.6024 -116.1524 -111.3806 -116.3728
-148.0563 -149.9961 -152.0084 -148.5840 -138.2644 -129.7770 -125.9232 -125.7087
-113.3052 -115.4018 -119.3261 -119.6535 -115.5199 -110.6898 -107.4354 -104.8581
Columns 17 to 24 -87.8154 -89.5992 -94.3542 -100.1590 -105.3657 -109.3110 -109.1861 -105.3895
-107.8375 -110.8085 -113.8435 -118.8206 -125.8363 -133.3781 -133.6994 -124.7866
-114.9045 -117.3951 -116.5393 -116.4776 -122.7625 -133.1209 -132.0786 -114.8598
-111.1374 -115.4851 -112.7511 -112.0692 -117.5577 -126.6321 -124.6996 -106.5157
-96.2710 -100.2827 -101.2962 -102.6998 -104.8106 -108.3379 -107.3704 -96.9463
-73.5664 -77.4120 -82.8731 -85.3023 -83.5977 -81.3226 -80.2903 -78.4667
-48.9604 -54.7117 -62.2202 -63.8040 -60.8651 -57.4991 -55.2737 -55.5971
-27.6747 -34.7009 -38.5363 -39.9864 -38.3897 -37.0183 -39.5625 -42.0697
-12.5117 -17.3782 -20.8296 -20.0487 -22.5057 -29.8940 -36.6955 -42.0942
-3.7952 -7.2412 -10.6363 -13.9935 -21.2485 -33.9423 -47.5099 -54.3379
-2.1401 -3.6352 -10.9217 -19.8621 -26.9480 -41.5832 -60.1583 -73.8390
-7.4906 -6.1615 -16.2646 -27.1185 -32.2809 -40.1173 -58.8187 -74.5686
-21.2530 -15.8990 -23.9931 -32.5412 -30.5380 -35.4738 -52.1275 -66.7027
-37.8668 -29.4187 -30.6752 -32.8156 -29.6437 -32.1943 -48.9371 -66.9764
-43.3408 -34.2078 -31.5953 -30.0698 -27.3673 -33.8021 -47.9778 -62.8916
-38.9603 -33.0757 -31.0322 -24.3444 -21.3208 -25.1750 -31.2329 -48.8525
-40.5195 -37.6275 -36.3878 -29.4114 -10.8280 -3.6522 -10.6280 -37.9455
-55.2211 -51.7911 -50.0991 -40.9190 -13.5025 7.9271 2.1638 -35.7663
-79.3540 -72.1205 -67.6070 -53.8177 -22.4330 7.9890 4.7397 -38.2238
-102.6901 -93.8528 -88.8563 -71.4415 -31.3239 1.3695 -1.4200 -43.3676
-124.5481 -119.9527 -115.8856 -90.0949 -45.2318 -8.9769 -10.7943 -51.6813
-144.6326 -145.7808 -139.2039 -108.6623 -60.1506 -20.2697 -16.5948 -54.2110
-142.7906 -156.0853 -150.4528 -122.4255 -71.6766 -30.6067 -19.5600 -45.8699
-124.9777 -142.8286 -148.0668 -126.5517 -81.0609 -36.1773 -17.7237 -36.2513
-101.1040 -121.6428 -131.5541 -125.5207 -88.0016 -45.4002 -20.4253 -29.6027
-86.2100 -109.0258 -120.5462 -122.6818 -99.6896 -59.6768 -32.3069 -29.1236
-86.5214 -109.3140 -119.4408 -126.1402 -113.4709 -79.8166 -52.8290 -38.2019
-99.3361 -121.9350 -130.9106 -134.1729 -127.1820 -102.0481 -70.3887 -50.0724
-118.6985 -136.6843 -144.3446 -146.8224 -139.3302 -117.5783 -87.0264 -65.1132
-128.8078 -141.1194 -143.1306 -145.4739 -144.4258 -130.7099 -108.9022 -82.4249
-128.9030 -132.0382 -131.5495 -131.7875 -135.6942 -137.3012 -124.1849 -97.0521
-104.3772 -103.4994 -102.0255 -101.3899 -104.1117 -109.7278 -104.3229 -86.5117
Columns 25 to 32 -99.2747 -92.9739 -90.2178 -93.9828 -102.1445 -107.6970 -105.5255 -94.5718
-114.8901 -107.5679 -106.3905 -114.3183 -127.5280 -136.1603 -130.8430 -112.7020
-95.7570 -86.7332 -89.4835 -108.0005 -132.9733 -142.6227 -128.0401 -105.4153
-83.5395 -70.4521 -74.0711 -95.0185 -121.8766 -137.4503 -123.2223 -100.2549
-79.3596 -64.1005 -63.2120 -77.3677 -100.0181 -117.2913 -118.0381 -102.6075
-73.4523 -62.0888 -57.8454 -65.2194 -80.7290 -95.3498 -107.4497 -106.9085
-58.6726 -63.4953 -62.9679 -65.0722 -71.5003 -77.6304 -88.9655 -98.4281
-51.2463 -70.3309 -76.9777 -75.3781 -69.3874 -64.4289 -73.7062 -86.4436
-51.6701 -73.4127 -91.3562 -83.6327 -67.2017 -60.2392 -67.1824 -79.3736
-60.2242 -74.4799 -83.1310 -78.6393 -67.8475 -65.0932 -71.3566 -81.0845
-76.0268 -73.2200 -72.2047 -72.8527 -74.0318 -78.8276 -86.7474 -88.0818
-74.6045 -71.4154 -71.0497 -73.0423 -83.3885 -96.2144 -103.4083 -98.8065
-71.9515 -73.4994 -76.7887 -86.0232 -96.9030 -109.5209 -116.4076 -105.5918
-77.0658 -83.2623 -93.6962 -105.1194 -115.6936 -124.2772 -124.0464 -109.7956
-82.5907 -103.3307 -113.2319 -123.3096 -133.8829 -135.6992 -125.8434 -109.2261
-84.1416 -119.3123 -131.8863 -134.4006 -139.6419 -138.2401 -126.1657 -108.0991
-84.0726 -124.5257 -139.7941 -138.8471 -138.6601 -135.8690 -125.6264 -107.6060
-88.7895 -124.2587 -138.6325 -138.2630 -137.4666 -134.9531 -124.4491 -107.9443
-96.5908 -128.1289 -136.1680 -137.1018 -137.5608 -133.5308 -124.1873 -109.0004
-100.3780 -132.7577 -135.7053 -136.2992 -135.5072 -131.1104 -123.3828 -109.1119
-102.2691 -130.9163 -134.9717 -135.2232 -133.9698 -129.6094 -121.5666 -109.0603
-99.7184 -123.8042 -129.9958 -132.2206 -134.1031 -129.7900 -123.5644 -110.3456
-88.3929 -115.4326 -123.7986 -128.5331 -132.3517 -131.3274 -125.4682 -111.7818
-76.0890 -108.5279 -120.6001 -125.5772 -130.1192 -130.6293 -124.8935 -111.8477
-66.6234 -103.1133 -120.4222 -125.4500 -128.4267 -130.3247 -126.0532 -113.3069
-59.8151 -94.5704 -118.9626 -126.9217 -127.4897 -129.7697 -128.4588 -115.4539
-51.6820 -82.9914 -113.8835 -126.5212 -126.8103 -129.0750 -127.7145 -115.3745
-48.7633 -73.4809 -101.9201 -117.6280 -119.5762 -122.0137 -126.8042 -115.8299
-52.8790 -61.7898 -80.8132 -94.8101 -100.9999 -112.8512 -125.2027 -117.7745
-60.3772 -52.6731 -61.0147 -71.1728 -87.2470 -105.4025 -123.5577 -120.8186
-72.8541 -54.5557 -50.8319 -60.2725 -77.4898 -101.3972 -119.1215 -116.9119
-64.5366 -49.7915 -41.3645 -44.1047 -60.8961 -80.7779 -94.2551 -92.9344
(4,3,.,.) =
Columns 1 to 8 -57.1858 -78.2586 -91.5960 -86.8524 -78.3400 -73.9512 -73.8598 -78.6886
-66.8568 -100.8050 -116.7182 -115.0610 -107.7854 -103.3406 -102.6670 -106.6738
-73.2565 -109.2079 -126.8881 -129.9407 -127.7864 -126.8255 -127.1176 -129.0681
-75.4830 -112.3750 -127.5061 -132.2418 -135.5192 -138.8441 -140.9869 -143.2762
-75.4589 -112.4879 -126.7173 -130.6672 -133.8965 -137.3779 -139.3065 -141.8709
-76.1146 -112.9129 -124.8304 -125.3488 -127.1314 -128.1657 -128.1147 -128.6366
-77.0712 -113.3298 -116.2038 -112.8153 -111.9065 -115.0057 -115.8701 -111.4225
-74.3977 -110.0694 -108.3229 -99.8128 -98.8602 -106.1787 -109.6095 -101.3518
-68.1387 -101.8703 -103.8238 -95.7167 -94.0804 -100.9309 -107.7018 -100.1377
-60.3101 -91.6500 -103.2003 -102.0334 -98.7089 -100.8728 -109.3906 -106.3557
-54.3077 -83.9097 -104.0701 -115.1035 -114.0087 -110.8808 -115.6646 -119.2034
-51.0708 -78.6550 -102.4200 -124.9720 -130.6366 -127.2015 -124.3828 -124.9059
-49.5003 -75.2153 -97.4537 -120.2824 -137.8646 -133.2145 -122.0923 -112.5563
-47.5127 -70.6408 -88.9909 -107.8593 -123.6901 -125.0872 -115.0896 -103.4988
-45.7937 -65.6059 -78.7046 -89.5317 -99.8975 -103.8536 -104.6962 -99.4794
-45.9371 -62.3712 -63.5480 -66.2621 -71.9952 -80.5907 -90.9719 -94.9591
-45.8553 -53.9064 -47.2972 -42.8419 -45.1605 -53.9921 -68.4682 -77.9986
-35.9269 -36.4415 -27.5788 -19.5186 -17.5654 -24.6219 -36.4614 -45.7962
-24.3047 -18.1646 -6.3799 1.7365 4.7155 2.2843 -4.6950 -10.9294
-16.1213 -7.0672 4.9104 12.9100 16.8568 17.5775 15.6113 12.4190
-12.2100 -3.6669 6.5702 13.3460 17.6958 20.3156 21.5693 21.6650
-11.0256 -6.3981 0.7685 6.2137 11.0624 14.9335 18.4448 20.8393
-9.1581 -11.4054 -8.5401 -4.3353 -0.0445 5.1696 10.7508 14.3128
1.1744 -2.6383 -6.0985 -8.1263 -6.8770 -2.3759 2.3523 4.9674
9.3954 9.3508 7.6471 6.4765 5.7133 5.0947 4.1660 2.5977
10.2684 14.1422 16.2527 19.2859 20.5926 19.7357 18.1170 16.0111
6.7572 9.5018 14.0990 20.4525 24.8029 26.5576 27.7063 27.7421
1.8123 3.6765 9.1796 15.4940 19.8006 22.9112 26.4995 29.6413
3.3486 6.0023 9.3136 12.0256 14.2102 16.6660 20.2241 24.2493
3.7717 8.3405 13.1723 16.7915 17.5976 17.2072 18.0813 20.1971
3.2119 7.3782 12.7543 17.6353 20.3025 21.7642 23.5680 25.9008
1.6557 5.1100 9.7994 13.9118 16.4995 18.7225 21.2741 23.9625
Columns 9 to 16 -87.4993 -91.6169 -87.8333 -84.7498 -84.1860 -85.8016 -86.4093 -82.9862
-116.0889 -120.3572 -115.0744 -110.0742 -108.4087 -109.9057 -110.6347 -106.5993
-134.5153 -136.1892 -129.4283 -123.5070 -121.1212 -121.6115 -121.2174 -116.2246
-145.9063 -143.8101 -137.2680 -131.4656 -128.0769 -127.4988 -125.7344 -120.5328
-144.3782 -144.2934 -138.8048 -132.5157 -128.7656 -127.9002 -128.6275 -124.6875
-129.1588 -129.7026 -127.5243 -121.5335 -117.5112 -117.4630 -121.3788 -120.6357
-109.6316 -109.8978 -111.1252 -106.9559 -102.6487 -105.1569 -107.4691 -100.9666
-96.3459 -97.8743 -97.9815 -93.3932 -91.6148 -97.6159 -95.3347 -79.7577
-94.0649 -94.5728 -91.0902 -85.9892 -85.9967 -93.1569 -87.1716 -63.2017
-102.0094 -98.4722 -88.8332 -82.2023 -83.7287 -89.7532 -79.8985 -53.1032
-116.7629 -104.7013 -89.0547 -79.8495 -81.8561 -83.4392 -72.7707 -47.2987
-120.6409 -106.3971 -88.6772 -79.1581 -78.6016 -77.0813 -66.7312 -44.4650
-106.8131 -99.6054 -86.5304 -80.0519 -78.5221 -73.9520 -63.6959 -46.1947
-94.1999 -88.0728 -84.5119 -83.6952 -81.1441 -74.2721 -65.5569 -50.3403
-89.4372 -84.3328 -86.1598 -90.4006 -84.6372 -76.7464 -68.5496 -53.8826
-88.9536 -86.9756 -91.9132 -97.2190 -88.8796 -80.3551 -71.7249 -57.7125
-78.5141 -81.4046 -93.7649 -99.7109 -92.8232 -85.5925 -75.8340 -58.7071
-50.4392 -61.4203 -80.1749 -91.0336 -89.1570 -85.8615 -73.0031 -51.1444
-18.7314 -34.3783 -56.0742 -70.2256 -73.5998 -74.6974 -65.6198 -41.9503
5.8965 -8.2932 -30.3169 -51.1969 -58.4812 -57.9572 -50.0807 -29.7330
18.5394 8.5839 -12.1354 -39.1418 -51.7089 -46.0895 -36.1639 -17.1017
20.9641 15.1418 -2.6722 -28.7114 -50.0085 -44.6553 -32.3688 -14.4032
15.6451 13.8044 2.0217 -23.3823 -47.6379 -50.1135 -42.3166 -24.5719
5.8519 5.9213 -0.2314 -20.5198 -48.9967 -66.7434 -64.7474 -47.9459
0.8251 -1.3819 -5.8260 -22.5351 -55.3075 -80.7937 -87.0815 -73.5909
12.7563 8.8360 0.8415 -19.2451 -52.6905 -75.2807 -76.9701 -76.4450
26.2912 23.3939 15.5897 -7.4334 -44.1939 -56.8386 -46.1225 -42.8714
31.2425 31.0143 24.2255 1.1582 -31.2994 -39.5245 -23.1907 -14.4220
27.1388 28.7656 24.5624 7.5147 -14.5614 -20.6415 -9.1213 3.5678
22.3300 22.9703 20.0606 10.3438 -3.0172 -5.1929 -0.0533 10.3544
27.1988 26.4209 21.0591 7.6079 -0.7454 -1.0223 2.0045 11.2226
25.6389 25.3702 20.0461 6.5746 -4.1579 -2.5621 1.1965 10.0093
Columns 17 to 24 -76.2193 -67.9718 -62.0868 -59.9729 -63.0044 -72.8129 -86.6966 -97.3775
-98.6130 -88.8788 -80.6807 -77.9304 -83.8779 -97.9081 -115.7723 -129.4081
-108.1442 -98.0202 -90.1050 -87.9559 -95.4364 -114.5033 -133.3146 -145.7138
-112.6213 -103.8050 -97.4341 -95.7674 -102.9537 -119.7766 -135.5533 -141.9694
-118.8250 -113.0524 -108.8669 -106.6885 -109.5853 -119.4387 -126.1493 -132.1193
-118.4520 -117.5397 -115.4625 -111.0300 -109.2696 -110.6460 -116.0498 -125.9151
-96.1589 -96.0612 -99.6959 -98.3671 -95.2219 -98.5135 -111.7054 -125.2154
-68.1932 -68.4167 -75.9646 -81.1229 -82.8107 -91.6664 -111.7131 -130.3353
-43.9557 -40.9993 -51.4712 -67.4690 -78.2092 -90.1145 -112.6655 -135.8327
-26.4106 -17.9561 -31.8526 -57.2662 -76.2002 -91.4768 -112.2761 -131.6529
-19.0042 -5.5347 -17.7845 -46.2264 -71.4628 -85.7253 -100.6673 -116.0207
-18.6535 -2.5286 -8.9968 -37.1124 -62.4374 -73.1723 -81.7426 -91.1839
-22.1345 -6.1923 -7.1590 -30.4269 -54.3905 -58.1971 -60.5674 -64.5090
-28.6528 -13.9132 -11.9002 -27.5598 -48.2398 -47.8066 -42.6449 -42.6007
-35.5388 -23.3985 -20.5468 -28.5691 -44.8304 -43.8078 -33.5182 -27.0480
-41.9709 -30.8521 -27.3123 -32.1142 -44.0899 -41.7808 -30.9870 -22.0089
-38.7404 -25.1109 -21.3963 -28.0069 -40.3502 -36.6091 -26.9114 -18.0498
-29.7544 -15.2108 -10.9388 -18.3118 -30.2301 -27.8874 -16.5905 -7.9373
-20.1672 -8.6363 -5.3920 -11.3011 -22.1700 -18.6455 -7.5926 1.8592
-9.9374 -1.4124 -2.2012 -10.5220 -18.7397 -14.6929 -5.6670 4.2196
2.1173 9.9971 5.6552 -6.5888 -14.7519 -17.4471 -9.9987 1.3648
8.0268 21.0978 19.4378 10.6152 -0.3551 -7.8691 -2.4287 9.0212
-0.0878 25.5560 36.8692 34.2737 29.1822 28.6239 28.6010 32.2784
-19.6873 13.4023 43.6963 57.5162 60.4703 63.4062 62.1462 55.0312
-46.7045 -6.7368 33.7794 61.8699 74.9578 78.5995 75.6651 63.4942
-63.1666 -26.1031 18.0538 52.6277 69.8306 75.0021 71.5426 59.1787
-47.7394 -34.5292 3.9050 36.7453 51.0700 56.9594 54.8234 46.7286
-19.1767 -21.1137 -1.4131 19.5326 31.5644 36.4078 37.3294 33.4196
5.5959 3.6997 7.4692 18.0527 27.9715 34.1569 36.4211 35.0737
19.9935 22.4022 22.9862 26.4555 33.8792 40.5026 43.3929 43.3099
23.3582 30.7552 31.8679 32.4709 37.8034 43.5111 46.0329 46.8424
20.3625 26.9973 28.7160 28.8850 32.3871 35.9860 37.8176 38.5620
Columns 25 to 32 -100.8974 -100.1119 -97.9217 -94.8360 -87.1293 -74.1271 -60.9340 -50.4374
-134.5626 -134.2012 -132.7008 -129.6473 -120.5217 -103.4517 -83.0104 -65.5097
-152.7786 -155.5263 -155.7581 -152.8608 -142.0257 -119.4253 -93.2677 -72.7676
-150.8150 -160.4304 -165.3741 -162.8514 -150.1110 -125.3880 -97.2591 -75.5632
-143.3214 -154.9938 -160.9327 -161.8317 -151.1090 -127.5409 -99.2843 -77.2721
-137.3427 -148.0152 -153.8966 -154.9369 -148.4909 -127.6381 -101.0937 -79.4457
-134.5910 -143.7569 -147.2265 -146.8404 -140.3513 -125.2114 -101.6660 -82.3034
-136.2264 -140.0351 -135.2118 -129.2357 -122.9572 -110.7404 -96.3648 -80.9519
-140.6527 -131.4818 -112.6969 -92.4382 -80.7484 -73.1995 -67.3432 -66.2809
-132.3310 -113.4665 -81.7667 -45.2487 -23.1805 -17.2843 -29.0291 -51.2595
-112.7569 -87.5736 -47.4014 -3.7925 24.9351 26.7240 -3.3573 -42.6935
-88.3129 -61.3116 -17.7112 25.8138 51.9454 47.0162 4.8995 -40.7220
-64.7291 -41.1687 2.2112 42.3526 62.4992 48.2577 1.8664 -41.9778
-41.6636 -24.7739 12.6036 49.0543 61.2453 40.4035 -8.6759 -47.2670
-21.7650 -10.5677 19.4957 44.9555 48.7614 25.3876 -23.1386 -56.0113
-14.1161 -0.8958 19.2951 29.4563 26.7258 4.0863 -37.2870 -64.1151
-11.6179 -0.4802 5.7824 7.4510 1.8455 -17.8137 -48.9474 -68.1740
-3.3127 -3.4809 -8.9912 -12.3431 -18.4843 -33.7117 -57.4562 -67.7647
6.3087 2.5873 -8.8509 -19.2134 -26.0925 -39.5257 -55.4461 -57.6857
10.6393 8.9619 0.7684 -7.1542 -15.5055 -26.8429 -37.0372 -37.9698
12.4821 17.5550 15.5364 9.9067 3.1557 -5.6113 -12.0269 -13.2437
20.4150 27.1418 29.1614 27.1254 22.3134 16.8009 13.1218 10.5980
34.9482 39.3551 42.1820 42.2396 40.0202 37.8015 35.7557 31.3026
47.9373 48.6581 51.0663 53.3519 54.3788 54.5934 53.7148 48.1448
51.8846 51.0501 53.7646 57.0308 60.3700 63.0481 63.7865 58.0206
48.2052 47.5515 50.5871 55.0772 59.5585 63.7399 65.8463 60.7248
38.0658 38.5105 43.0329 48.7062 54.6693 59.1620 61.5058 57.2390
27.8526 29.1017 33.8353 40.2292 45.7627 49.8615 51.7400 48.2200
31.8622 29.5878 29.8241 33.7864 37.5757 39.8845 40.5458 37.2494
41.8055 40.3313 39.1189 38.7566 38.6835 37.4826 34.5553 29.4285
47.1542 46.9981 46.4659 45.6105 44.3029 41.5119 36.6253 28.7814
39.3012 40.1436 40.1276 39.6747 38.6660 36.2682 31.9187 24.5210
[ torch.cuda.FloatTensor{4,3,32,32} ]
Error occurs, No graph saved
Traceback (most recent call last):
File "/home/phung/PycharmProjects/beginner_tutorial/gdas.py", line 829, in <module>
ltrain = train_NN(forward_pass_only=0)
File "/home/phung/PycharmProjects/beginner_tutorial/gdas.py", line 585, in train_NN
writer.add_graph(graph, NN_input)
File "/home/phung/PycharmProjects/venv/py39/lib/python3.9/site-packages/torch/utils/tensorboard/writer.py", line 736, in add_graph
self._get_file_writer().add_graph(graph(model, input_to_model, verbose, use_strict_trace))
File "/home/phung/PycharmProjects/venv/py39/lib/python3.9/site-packages/torch/utils/tensorboard/_pytorch_graph.py", line 295, in graph
raise e
File "/home/phung/PycharmProjects/venv/py39/lib/python3.9/site-packages/torch/utils/tensorboard/_pytorch_graph.py", line 289, in graph
trace = torch.jit.trace(model, args, strict=use_strict_trace)
File "/home/phung/PycharmProjects/venv/py39/lib/python3.9/site-packages/torch/jit/_trace.py", line 741, in trace
return trace_module(
File "/home/phung/PycharmProjects/venv/py39/lib/python3.9/site-packages/torch/jit/_trace.py", line 958, in trace_module
module._c._create_method_from_trace(
File "/home/phung/PycharmProjects/venv/py39/lib/python3.9/site-packages/torch/nn/modules/module.py", line 1102, in _call_impl
return forward_call(*input, **kwargs)
File "/home/phung/PycharmProjects/venv/py39/lib/python3.9/site-packages/torch/nn/modules/module.py", line 1090, in _slow_forward
result = self.forward(*input, **kwargs)
File "/home/phung/PycharmProjects/beginner_tutorial/gdas.py", line 485, in forward
self.cells[c].forward(x, x1, x2, c, types=types)
File "/home/phung/PycharmProjects/beginner_tutorial/gdas.py", line 342, in forward
self.nodes[n].forward(x, node_num=n, types=types) # Ltrain(w±, alpha)
File "/home/phung/PycharmProjects/beginner_tutorial/gdas.py", line 282, in forward
y = self.connections[cc].forward(x, types)
File "/home/phung/PycharmProjects/beginner_tutorial/gdas.py", line 243, in forward
self.edges_results = self.edges_results.cuda()
RuntimeError: Cannot insert a Tensor that requires grad as a constant. Consider making it a parameter or input, or detaching the gradient
Tensor:
(1,1,.,.) =
Columns 1 to 7 -30.7793 -38.4332 -39.1389 -37.5703 -35.9023 -34.4059 -33.1005
-37.9704 -46.9870 -47.4506 -45.3877 -43.0848 -40.9355 -39.1825
-38.9551 -47.5739 -47.5507 -45.0468 -42.1996 -39.4955 -37.3703
-37.4355 -45.4686 -45.0786 -42.5026 -39.6783 -36.7968 -34.3027
-36.0176 -43.4520 -42.6740 -39.9864 -37.2439 -34.3447 -31.7953
-34.7288 -41.8862 -40.6801 -37.8159 -34.9629 -32.1674 -29.5599
-33.6538 -40.7114 -39.3573 -36.1611 -33.1226 -30.3149 -27.7022
-32.8307 -39.6730 -38.3034 -34.9272 -31.7659 -28.9217 -26.3306
-32.1657 -38.8065 -37.2547 -33.8299 -30.7293 -27.8658 -25.2304
-31.5769 -38.0287 -36.2899 -33.0683 -29.9141 -27.0525 -24.4778
-31.0780 -37.3617 -35.6685 -32.3084 -29.3870 -26.5636 -23.7553
-30.8179 -36.8596 -35.1020 -31.8691 -28.8454 -26.0147 -23.3895
-30.6734 -36.6892 -34.7992 -31.5582 -28.4832 -25.6907 -22.9340
-30.6670 -36.6977 -34.7560 -31.4674 -28.3341 -25.3985 -22.7452
-30.8143 -36.8508 -34.8970 -31.5000 -28.3183 -25.3407 -22.5081
-31.0838 -37.2095 -35.0888 -31.6780 -28.3717 -25.3183 -21.6590
-31.4132 -37.6041 -35.5415 -31.9229 -28.7023 -24.6878 -19.0274
-31.8018 -38.2978 -36.1945 -32.7099 -28.8171 -23.2338 -10.0640
-32.4337 -39.1793 -37.3554 -33.7316 -27.7493 -14.7036 -0.2035
-33.1962 -40.2005 -38.3494 -32.6680 -21.7223 -3.6206 22.5311
-33.9651 -41.3730 -37.3766 -27.1073 -10.4292 13.7313 42.8732
-34.9173 -42.2930 -35.9890 -18.0358 5.0114 34.6469 59.6079
-35.9934 -43.5273 -32.9954 -8.0340 23.1607 52.3710 73.1636
-37.3854 -44.7218 -29.8004 2.9094 42.3419 71.1903 84.2674
-38.7540 -45.8535 -26.8173 13.5562 56.0524 85.4900 93.8412
-39.7309 -44.6951 -22.5652 20.3258 65.2948 91.1796 100.9802
-39.5645 -42.7068 -16.5914 28.3925 70.4274 93.8034 102.8292
-37.9715 -40.9679 -10.5478 34.9992 74.4228 94.0794 101.2844
-35.9257 -38.7243 -7.9834 38.3964 74.1556 89.3485 97.4861
-34.2377 -37.0499 -7.6081 37.0822 66.4472 81.5039 93.1727
-34.5651 -40.2346 -11.0514 28.3619 56.4742 75.2546 89.4971
-38.8424 -41.1808 -12.1938 24.2521 49.6756 66.0493 78.4690
Columns 8 to 14 -32.0377 -31.0933 -30.1555 -29.3086 -28.4866 -27.8400 -27.4614
-37.6971 -36.2421 -35.1036 -34.0341 -33.0697 -32.0981 -31.4937
-35.5400 -34.0223 -32.5054 -31.4403 -30.4183 -29.5855 -28.7953
-32.3446 -30.5934 -29.2588 -27.9412 -26.9626 -26.0575 -25.5373
-29.6114 -27.8235 -26.2587 -25.0254 -23.9091 -23.1186 -22.3819
-27.4324 -25.5241 -23.8946 -22.5744 -21.4102 -20.3764 -19.8419
-25.5171 -23.6240 -21.9254 -20.3590 -19.1966 -18.2462 -17.3614
-23.9187 -22.0546 -20.2458 -18.6568 -17.2394 -16.1833 -15.5250
-22.8894 -20.6894 -19.0345 -17.3040 -15.8530 -14.8081 -14.0312
-21.9180 -19.9055 -17.7931 -16.0343 -14.4631 -13.2957 -12.6912
-21.4382 -19.0383 -16.3677 -13.3268 -10.1959 -8.6983 -7.8992
-20.7887 -17.9207 -14.1020 -6.1255 -0.8323 3.9543 4.6030
-20.0458 -15.9762 -7.4934 3.3013 17.8200 24.4164 25.8280
-19.0578 -11.9662 2.0779 20.3419 36.8555 46.5860 42.0097
-17.8996 -6.1774 12.8311 38.6163 55.9639 62.1967 47.6525
-15.5072 -0.1251 25.6830 50.1746 67.5196 65.7014 57.2054
-8.0197 7.9882 35.2084 59.5613 69.2746 66.9879 62.9265
2.2895 23.7756 44.3000 62.2853 63.0237 59.9734 55.9629
24.2114 40.1442 55.3663 60.4716 61.7552 60.8929 59.2389
43.1664 60.0977 64.2011 68.1877 77.6621 80.5319 74.6192
63.7718 70.6980 65.5206 80.1913 93.8257 95.8802 92.4984
74.9608 66.2626 74.3060 93.3508 103.6712 106.2128 103.6031
73.0946 70.9612 86.8544 102.6991 109.8337 111.3051 106.6731
82.0438 89.5448 101.6418 109.2087 112.8337 112.7208 106.3688
98.0690 104.9863 109.9367 112.6901 113.7038 112.7851 103.7102
106.1938 109.7079 112.1405 113.3127 113.5862 111.6052 98.7197
107.3650 110.7414 112.5751 112.9800 112.7393 109.5186 95.3409
106.5478 110.6523 112.4237 112.4842 112.0066 108.3333 95.2413
104.7703 109.9119 111.8132 112.1192 111.5788 108.0187 97.6402
102.9105 108.4494 110.4828 111.4786 111.0212 107.2795 98.6680
99.7810 105.1828 108.0264 109.0349 107.7430 103.5381 94.6493
86.8987 91.5864 93.6841 93.4867 91.4158 86.8052 78.8148
Columns 15 to 21 -27.2628 -27.1759 -27.1427 -27.1587 -27.3017 -27.6446 -28.1046
-31.1852 -31.0250 -30.9995 -31.1529 -31.4844 -31.8458 -32.2392
-28.5366 -28.3603 -28.4096 -28.6983 -28.8179 -28.9766 -29.5471
-25.1331 -25.0802 -25.2030 -25.3864 -25.3509 -25.5947 -26.0526
-22.1507 -22.0635 -22.1516 -22.1712 -22.2461 -22.6182 -23.3894
-19.3388 -19.2765 -19.2372 -19.2967 -19.5554 -20.1126 -20.9307
-16.9936 -16.7830 -16.7380 -16.8330 -17.1434 -17.7896 -18.7511
-15.0615 -14.8053 -14.7615 -14.8398 -15.2566 -15.9166 -16.8912
-13.6160 -13.5315 -13.4403 -13.5879 -13.8141 -14.3747 -15.4900
-12.3976 -12.9264 -13.1193 -12.6822 -12.6680 -13.2740 -14.2229
-8.6613 -12.4602 -14.1902 -12.7113 -12.0026 -12.3896 -13.4052
1.1132 -11.7509 -17.1995 -13.1441 -11.3120 -11.3012 -12.4127
12.4463 -12.0649 -15.0092 -10.4101 -8.2536 -9.0661 -11.8847
16.9370 3.4418 2.6699 0.9344 -1.3974 -7.0016 -11.6135
35.4215 30.7329 21.9287 14.7644 4.9092 -6.2018 -11.5979
54.6553 47.2397 37.6288 24.5515 7.3736 -6.4418 -11.8766
59.1607 55.0456 45.3287 28.0561 7.4636 -6.8232 -12.5408
55.8250 56.0076 46.1069 27.6777 6.4743 -7.5331 -13.1990
54.3870 51.7014 44.6263 25.8455 4.5077 -9.2113 -14.5323
69.0120 59.1265 38.0605 21.9159 1.6384 -11.5951 -16.2824
84.5783 63.1501 32.1182 12.5893 -3.3787 -14.1378 -18.4384
90.0742 59.7013 23.7333 1.4623 -9.9858 -17.8337 -20.6389
88.4811 53.2795 13.8385 -9.4678 -16.3790 -21.1906 -23.5913
84.4988 47.5411 11.3411 -5.7203 -18.0969 -24.4356 -26.4914
78.7327 45.0076 16.4319 -1.3499 -18.5077 -27.0366 -29.5601
73.9902 41.6736 20.3022 0.3940 -20.0642 -29.8046 -32.8181
71.1772 46.2357 27.4927 0.7850 -22.8735 -33.5381 -36.4009
77.0667 57.7854 32.5838 -1.6906 -26.6817 -37.7323 -40.8225
84.2766 61.7957 32.4332 -4.1795 -31.4958 -42.3059 -44.9513
84.5150 60.8684 29.7836 -8.5427 -35.9773 -46.3574 -49.1104
80.6290 56.8484 22.5006 -14.9969 -41.6569 -50.3832 -52.7351
65.6803 43.0504 10.6071 -22.4850 -42.5279 -48.4727 -49.9580
Columns 22 to 28 -28.5768 -29.1478 -30.0110 -31.0850 -32.2554 -33.5482 -34.8708
-33.0273 -33.9328 -35.1913 -36.6388 -38.3109 -40.1367 -41.9534
-30.2292 -31.4637 -32.7856 -34.6697 -36.5669 -38.4804 -40.5059
-27.0686 -28.2086 -29.8984 -31.4972 -33.2894 -35.3159 -37.8215
-24.3757 -25.6600 -27.0609 -28.6785 -30.5733 -32.9378 -35.5288
-22.0237 -23.3824 -24.8164 -26.4156 -28.5126 -30.8613 -33.3378
-20.0380 -21.4845 -22.7918 -24.7255 -26.8680 -29.0956 -31.2600
-18.3583 -19.5698 -21.4764 -23.4815 -25.4324 -27.3426 -29.6335
-16.6611 -18.4751 -20.4055 -22.2107 -24.0764 -26.2292 -28.8042
-15.7378 -17.4755 -19.2984 -21.3131 -23.3393 -25.7967 -28.2118
-14.8210 -16.6754 -18.7393 -20.6637 -22.9775 -25.3530 -27.7618
-14.3715 -16.2186 -18.0602 -20.1570 -22.5859 -24.9240 -27.4424
-13.9725 -15.6253 -17.5531 -19.8591 -22.2866 -24.6890 -27.2427
-13.6633 -15.3766 -17.4416 -19.7564 -22.2009 -24.5905 -27.0711
-13.6477 -15.4707 -17.4942 -19.8224 -22.2399 -24.5871 -27.1740
-13.9455 -15.7349 -17.9044 -20.0953 -22.4546 -24.8906 -27.3301
-14.5101 -16.3169 -18.4967 -20.7773 -23.1565 -25.3999 -28.0368
-15.3343 -17.1612 -19.2200 -21.6852 -24.0823 -26.6023 -29.0360
-16.4352 -18.2947 -20.3632 -22.7151 -25.2437 -27.8529 -30.5351
-18.2659 -19.8733 -21.8683 -24.1378 -26.6488 -29.1554 -32.1168
-20.2387 -21.9012 -23.6519 -25.7754 -28.2453 -30.8316 -33.5956
-22.5204 -24.1767 -25.7858 -27.7231 -29.9959 -32.7703 -35.5172
-25.0179 -26.7081 -28.4116 -30.0848 -32.3947 -34.9053 -37.8306
-28.0144 -29.5541 -31.3498 -33.1807 -35.1914 -37.7480 -40.2923
-31.2837 -32.8796 -34.5149 -36.5308 -38.5616 -40.7673 -43.2659
-34.6838 -36.4404 -38.1465 -39.8990 -41.9140 -44.0895 -46.1560
-38.4180 -40.0310 -41.7539 -43.4592 -45.3114 -47.1763 -49.3032
-42.3104 -43.9705 -45.3374 -46.9963 -48.7164 -50.5480 -52.3501
-46.5149 -47.7576 -49.2269 -50.5579 -52.2447 -53.9512 -55.7562
-50.3541 -51.7416 -53.0195 -54.3852 -55.8668 -57.5516 -59.2148
-53.8914 -55.2379 -56.4187 -57.8212 -59.0556 -60.4385 -61.8853
-50.8885 -51.9786 -53.1177 -54.0262 -55.1149 -56.2590 -57.5296
Columns 29 to 32 -36.2122 -37.5963 -38.1377 -36.1839
-43.7721 -45.5768 -45.7396 -36.6573
-42.9191 -45.1620 -44.3580 -35.0652
-40.5046 -42.7723 -42.1087 -33.3235
-38.0828 -40.3159 -40.1878 -31.9538
-35.7600 -38.1438 -38.4018 -30.8441
-33.7286 -36.3299 -37.2377 -29.8749
-32.3515 -35.3180 -36.1880 -29.2278
-31.5764 -34.4721 -35.5535 -28.7449
-30.9744 -34.0636 -35.1986 -28.4244
-30.6545 -33.8447 -34.8684 -28.3381
-30.4366 -33.4076 -34.6985 -28.3063
-30.0722 -33.2082 -34.6389 -28.2988
-29.9978 -33.1443 -34.6745 -28.3568
-30.0566 -33.3483 -34.8529 -28.5454
-30.4800 -33.6057 -35.2458 -28.8360
-30.9305 -34.2791 -35.7243 -29.2014
-31.9956 -35.1457 -36.4198 -29.7436
-33.4377 -36.3644 -37.4310 -30.4112
-35.0255 -37.9133 -38.5284 -31.2164
-36.7010 -39.5285 -39.8501 -32.2561
-38.4943 -41.1696 -41.3986 -33.4483
-40.6526 -43.1884 -43.0649 -34.7194
-42.9899 -45.4795 -44.8781 -36.0765
-45.5910 -47.7585 -47.0238 -37.5753
-48.4740 -50.3662 -49.1391 -39.3593
-51.2253 -53.0446 -51.4742 -41.1544
-54.2827 -55.7315 -53.6978 -42.8641
-57.4543 -58.7255 -56.0821 -44.7508
-60.8194 -62.0146 -58.7806 -46.7925
-63.4112 -64.2004 -59.9989 -47.2922
-58.6478 -59.2905 -54.4933 -40.6427
(2,1,.,.) =
Columns 1 to 7 -32.5441 -42.9865 -47.0767 -43.8458 -41.0719 -39.4987 -38.5308
-43.8143 -60.2597 -65.2188 -61.9972 -58.7072 -56.5129 -55.1061
-53.7648 -73.8972 -83.4598 -81.2969 -78.0198 -75.9040 -73.1532
-59.4769 -81.5372 -93.1315 -95.5834 -93.9424 -90.5278 -85.4880
-62.1637 -83.5697 -95.7818 -99.3763 -98.4270 -90.5843 -83.8466
-64.6836 -84.4515 -92.6806 -95.3755 -94.8556 -86.9252 -75.1671
-64.4553 -82.4525 -89.5097 -93.2494 -90.2167 -81.4401 -70.8376
-63.6205 -81.4800 -89.5191 -92.3917 -87.9367 -78.0421 -67.3318
-63.5553 -82.1136 -89.8918 -92.6105 -86.9025 -76.8620 -68.9230
-64.5201 -82.6978 -90.0554 -91.8885 -87.1700 -80.0275 -79.1181
-65.1785 -83.0095 -89.5959 -92.0168 -89.7635 -87.8250 -84.6746
-64.0133 -82.3219 -89.7587 -92.7061 -93.2418 -89.8518 -84.9329
-61.5952 -80.8701 -89.0127 -92.5759 -94.1883 -89.9906 -84.4924
-58.5723 -78.2716 -87.1581 -91.5081 -93.6600 -89.8967 -86.1697
-55.9243 -75.6642 -85.3713 -90.7120 -92.5302 -91.1604 -90.3230
-54.3416 -73.9102 -84.2671 -89.3259 -90.3181 -91.6142 -89.7848
-52.8964 -72.0830 -81.6564 -85.9981 -88.0839 -88.8348 -86.0552
-50.6982 -68.7213 -77.2790 -81.5884 -81.7715 -78.2352 -75.2047
-48.3330 -65.2112 -72.7444 -74.1193 -67.5046 -57.0142 -51.1999
-46.8368 -62.8515 -68.2374 -63.4292 -47.0876 -27.2338 -15.1730
-46.0890 -61.8448 -64.9715 -55.5860 -30.2063 2.8094 21.1415
-45.5562 -60.8117 -62.6573 -50.9925 -19.9380 20.7705 46.5408
-44.5246 -59.7564 -61.0740 -47.7662 -13.8676 30.5675 59.8851
-43.4564 -58.6711 -60.1377 -46.1426 -10.5486 36.4106 66.3424
-42.7863 -57.9759 -59.6005 -45.4673 -8.7965 39.6957 71.5624
-42.1128 -57.1243 -58.1242 -43.7887 -6.3188 43.9083 77.7098
-39.5477 -53.8588 -53.9568 -39.3767 -1.7667 49.1546 84.2375
-36.3749 -49.8998 -49.1041 -34.2190 3.3799 53.3344 88.9610
-34.4988 -47.5011 -45.5992 -29.5622 6.5708 55.6872 90.6282
-34.0303 -46.3283 -43.3302 -25.1964 11.0619 56.4105 90.2808
-33.9261 -45.6981 -41.6445 -22.2519 15.2264 58.3274 89.3435
-35.6991 -42.7134 -37.8254 -18.8449 16.2895 54.2679 77.4355
Columns 8 to 14 -37.8442 -37.4289 -34.2183 -20.5870 -5.3522 3.5056 6.4011
-53.6705 -52.8137 -44.4234 -17.0932 9.4438 24.4015 30.1066
-70.3286 -67.5757 -47.8584 -7.1006 28.1663 46.3296 52.2721
-80.4315 -73.5573 -46.3133 0.5593 39.6815 58.7062 63.7377
-77.2004 -71.5204 -44.1052 4.1540 43.8433 61.8188 66.4790
-68.9914 -64.1486 -42.2810 2.1744 36.6569 53.3482 58.4371
-62.3177 -60.5351 -42.3829 -11.3996 12.4435 26.6691 28.6264
-61.7957 -60.1383 -51.9412 -38.4053 -25.7491 -19.8169 -20.6640
-67.4928 -67.5511 -67.5933 -64.2578 -60.1573 -60.2210 -62.6608
-77.4835 -76.4005 -71.6884 -67.1760 -66.2839 -72.1975 -78.2508
-80.4860 -73.7685 -66.7884 -62.1951 -64.0733 -71.9477 -78.6188
-79.2447 -72.5043 -64.7034 -60.5213 -62.5282 -67.0023 -74.0007
-79.9327 -73.6719 -65.1987 -59.5782 -57.5541 -61.1080 -69.8701
-83.6734 -76.6806 -68.8790 -59.2861 -55.2606 -59.4747 -70.4423
-85.7892 -79.9464 -70.1998 -59.5965 -59.8164 -64.0901 -74.7486
-84.6080 -78.5813 -70.1388 -68.4456 -71.3039 -77.0091 -81.8707
-81.6072 -75.1491 -71.6485 -71.6377 -74.0534 -75.8994 -76.8586
-71.8009 -68.6395 -65.0795 -63.5007 -62.7660 -63.1526 -64.5989
-49.0293 -48.0729 -50.2862 -55.7503 -57.4552 -57.9005 -60.2683
-13.3251 -18.6005 -35.2548 -54.8506 -61.5897 -61.5745 -61.3991
23.2586 8.8421 -24.2604 -58.1718 -72.1965 -69.2395 -65.5631
48.5952 27.3079 -15.9109 -60.6801 -78.6247 -74.9904 -73.8759
62.3676 38.0616 -10.5346 -57.2732 -75.5375 -81.4404 -81.4168
69.7551 45.0575 -0.7426 -39.1855 -61.1495 -71.2889 -73.6177
75.8581 55.7221 20.6931 -13.4689 -37.3021 -51.0660 -59.2462
84.3122 71.6853 46.1085 15.4297 -7.3666 -28.3341 -48.7485
93.6664 86.9219 68.6674 44.9943 16.4500 -11.0276 -22.3673
100.1392 97.2428 86.8307 66.1580 36.6384 17.3115 17.6392
104.1696 104.7302 97.0454 80.3589 57.4014 49.1793 51.4932
105.0719 108.2106 105.0495 93.6898 83.1678 75.9934 74.3145
102.9240 107.4736 108.0354 103.8368 95.6208 88.4567 85.5723
86.3009 89.9569 93.4231 92.0911 86.9575 79.7996 77.3907
Columns 15 to 21 8.2920 8.8646 8.5349 8.3935 7.8653 7.6671 7.3473
31.6665 33.2062 34.1797 33.5643 33.0451 32.0430 29.5934
53.2214 53.8921 54.6502 54.0594 52.3514 48.5310 43.1047
64.0985 63.7211 62.0312 59.7567 55.3783 48.0647 41.1412
66.4629 62.7852 55.2814 45.8269 36.1498 25.6913 18.9320
54.7676 45.1040 29.5187 11.0942 -4.7199 -16.4751 -21.5900
22.4860 8.5089 -10.9080 -30.6710 -43.2724 -47.9115 -42.8825
-25.0204 -35.9898 -50.6946 -59.5322 -59.5471 -53.5628 -48.5475
-65.7102 -68.2059 -72.9224 -69.6363 -60.2852 -55.3559 -53.2868
-78.6590 -77.1440 -75.2635 -69.8554 -67.5899 -68.9494 -63.3513
-78.3954 -75.2636 -73.6271 -74.6261 -79.2091 -79.9076 -78.5762
-76.9410 -75.5609 -73.8675 -75.0531 -76.5464 -77.4105 -81.4696
-77.1335 -75.8590 -75.0548 -73.3558 -71.6983 -74.9496 -80.7778
-79.0666 -79.9985 -76.8354 -73.0199 -73.1629 -77.5013 -75.6647
-84.9687 -84.6105 -80.0791 -78.4945 -80.4495 -80.5248 -72.8442
-88.5072 -86.7238 -86.9115 -87.6693 -87.6997 -81.5413 -71.8030
-77.7019 -82.7478 -86.2441 -85.8425 -84.5349 -79.6379 -72.5101
-69.0207 -73.5847 -76.0611 -79.1932 -77.5616 -75.2889 -72.8317
-62.7395 -65.6442 -72.2782 -75.0199 -73.1595 -71.4678 -69.5832
-61.3349 -66.4633 -73.6669 -73.1777 -68.8874 -67.0017 -67.7229
-67.0785 -71.7486 -76.1968 -68.9683 -62.3431 -62.1212 -68.0268
-75.3287 -79.3154 -74.9637 -64.6909 -58.3527 -60.9960 -68.9812
-81.5378 -80.1290 -71.9813 -61.8299 -58.9927 -61.9440 -69.4577
-73.1698 -72.5641 -68.1132 -64.6998 -63.5628 -65.6970 -72.0434
-65.1880 -65.7731 -65.6193 -65.7598 -67.3608 -72.2230 -74.2110
-54.4266 -54.7750 -54.6841 -59.4037 -68.3796 -72.4609 -64.8397
-23.6196 -25.0848 -37.5097 -56.0413 -66.6018 -59.9155 -47.7675
16.4891 0.8933 -22.9960 -41.7615 -48.6644 -40.9440 -25.2404
44.1237 29.2272 10.9139 -1.3681 -6.7699 -12.2799 0.1922
72.6351 65.4786 57.5782 51.3488 38.3131 27.4844 28.5509
87.9475 89.2297 86.8987 77.9983 66.8671 60.9682 53.3851
82.5948 85.7184 83.0956 75.4257 69.3724 65.6843 53.5905
Columns 22 to 28 6.3521 4.5792 2.8382 1.2787 -1.6219 -4.7798 -8.4059
27.1012 26.9811 26.4397 24.7045 21.0739 14.5290 6.1082
44.6622 50.0062 52.1760 51.2065 46.8913 37.0603 26.8445
45.4744 57.2953 66.4915 67.1011 61.9276 51.9440 42.1920
29.8086 50.8067 68.9147 73.3563 68.5454 58.7928 48.1395
3.8228 36.7201 61.9829 71.1861 67.2917 57.9040 47.8330
-19.3739 17.2837 48.6901 62.6827 60.9808 51.1793 42.0396
-32.0745 -1.5657 35.1658 54.7644 54.2379 44.2160 33.3601
-42.5315 -12.6375 26.3459 47.7877 45.5558 35.4152 25.8815
-52.7151 -23.1351 16.9690 30.0272 21.8303 12.7138 7.2248
-65.8871 -30.3978 -4.6331 -2.9271 -12.5858 -26.2476 -19.5011
-71.4977 -45.6729 -39.8728 -42.1272 -49.4734 -60.9118 -46.9613
-75.5281 -69.3040 -69.1034 -73.5595 -80.3571 -82.2083 -66.8488
-71.7679 -69.5675 -76.1913 -84.2662 -86.6024 -86.3983 -75.7849
-65.9790 -67.0802 -72.9909 -76.6315 -77.4363 -77.9728 -75.4396
-66.3336 -66.1138 -68.3541 -68.3274 -68.0995 -68.0484 -69.0904
-68.7043 -65.1726 -62.4604 -61.8917 -60.9101 -62.5293 -65.5098
-67.4281 -61.8536 -58.3245 -57.0633 -57.4515 -60.2723 -63.3018
-65.4816 -60.5633 -56.7841 -55.5631 -56.4950 -58.8395 -62.1291
-66.1445 -62.1981 -57.2404 -55.2391 -55.4276 -58.4855 -62.2967
-70.2821 -64.7448 -58.3794 -54.8054 -55.1565 -58.6954 -62.8744
-72.9470 -66.4083 -58.9208 -55.2269 -55.3090 -58.5479 -64.0779
-73.7914 -66.1535 -56.8470 -51.2726 -50.5373 -53.3025 -58.6848
-72.8119 -62.3747 -46.3674 -33.1690 -27.7577 -28.3877 -29.8572
-66.8091 -51.7533 -30.2451 -6.1379 10.6776 17.4888 11.5231
-52.3468 -33.9402 -9.7923 21.0418 45.8141 55.8296 43.7605
-30.4895 -11.7685 12.0880 39.3799 66.3315 73.2937 67.0555
-7.1428 10.5896 29.9813 52.5294 70.4832 74.7083 68.5182
12.9227 26.3072 40.3173 52.8446 59.2180 59.6259 56.1638
36.1446 36.2932 38.9861 42.3868 41.6682 40.6286 39.2434
44.1019 35.9824 34.0096 34.6958 35.7450 35.4145 33.9715
40.7213 33.0805 29.3406 30.7309 31.9980 32.7636 31.9485
Columns 29 to 32 -13.5302 -14.6349 -13.4583 -9.9165
2.0579 1.9520 2.5118 4.9358
24.8037 24.2842 22.9820 19.3707
37.8047 36.0490 32.2246 26.4156
41.9714 38.3040 35.1730 27.1094
41.4784 36.8420 33.1855 24.9387
36.5701 31.6286 27.4363 19.5451
28.5064 25.5267 22.8936 15.9561
22.8028 22.2546 22.3824 14.9244
12.8560 17.7218 19.1705 12.6056
-4.9984 7.6956 13.0715 10.0058
-24.8797 -5.3293 8.0376 9.2824
-42.0130 -16.7731 -1.2585 5.4856
-53.8798 -32.0784 -18.3151 -8.2863
-62.9646 -49.3038 -37.9720 -28.4180
-67.4793 -60.4152 -54.8241 -43.7262
-65.9975 -63.4308 -54.1458 -40.9068
-64.8104 -63.7715 -52.8592 -38.7960
-65.0522 -64.0306 -52.1083 -37.4135
-65.8870 -62.1642 -49.6578 -34.5819
-65.5639 -57.0869 -43.7529 -30.1491
-63.9506 -48.2513 -30.8547 -18.5876
-57.4068 -37.0210 -12.2805 1.9634
-36.3653 -20.5618 5.8025 20.2000
-8.2920 2.2375 19.6326 27.2218
29.6001 23.6411 31.6298 26.6559
49.7151 40.1302 34.8800 23.5114
55.0126 43.9941 35.4787 23.2707
49.5848 40.2667 33.3389 23.9798
36.9922 35.0640 29.7721 24.1766
32.4810 30.1691 27.7408 22.3990
27.9473 25.0985 24.9630 18.0182
(3,1,.,.) =
Columns 1 to 8 -26.8264 -34.4858 -36.0258 -34.9555 -34.5343 -33.1512 -28.9037 -26.2676
-33.4413 -41.1752 -41.2929 -38.1327 -36.7885 -34.6387 -31.3753 -26.4327
-35.5239 -42.3673 -40.8127 -37.0971 -34.3095 -32.3961 -26.2566 -14.1413
-33.2918 -39.5048 -37.6627 -34.4684 -31.3640 -24.9711 -14.0340 3.8674
-31.8765 -37.1158 -35.8096 -32.7191 -26.4280 -14.8927 2.9276 23.4636
-31.7168 -36.8657 -36.5196 -31.2194 -17.8404 0.5380 21.9777 37.3314
-33.2915 -39.5090 -37.8134 -25.9474 -6.8943 17.7242 35.6988 47.5848
-36.1627 -44.4529 -39.5119 -17.9383 7.0194 27.7035 44.7677 47.6381
-38.7932 -48.4054 -38.5379 -13.6509 13.8335 34.1810 41.0068 38.2603
-41.0141 -51.4002 -40.8652 -12.8957 13.9576 24.3268 24.9851 19.8751
-45.4747 -56.3115 -44.7448 -19.8401 -4.6659 0.5490 2.1539 -3.8228
-46.3523 -56.6470 -52.6931 -45.0085 -37.2146 -30.3444 -25.2951 -19.2576
-38.4591 -49.8147 -54.0855 -58.0228 -59.1757 -48.3684 -35.2299 -25.2219
-27.3563 -27.1231 -28.0704 -31.4105 -40.0623 -36.9486 -25.9394 -17.6205
-22.1666 -12.3160 1.0948 -1.5818 -3.1238 -5.6444 -9.7415 -5.3103
-19.6061 -8.5635 9.7008 23.0233 23.6664 17.7127 5.3185 3.5706
-26.4236 -16.1620 4.8904 24.8972 32.9504 27.5383 18.8477 13.2690
-38.2124 -34.9589 -8.8936 13.8063 27.6660 32.5738 29.5629 28.6007
-47.1021 -49.3250 -32.4083 -6.7803 14.4946 28.2868 35.4242 33.8718
-50.4527 -62.3796 -52.7996 -31.2040 -4.4167 18.3668 31.9561 37.4711
-55.6756 -71.2695 -70.4930 -52.7119 -26.7148 2.7118 24.0770 37.1552
-62.1572 -79.1048 -83.8234 -72.4287 -47.0567 -17.4782 11.8387 30.6051
-65.4207 -82.5510 -89.2793 -84.6843 -66.4575 -38.5132 -7.5385 20.5886
-60.3400 -76.0947 -83.6621 -91.5086 -82.4884 -59.4813 -27.8520 0.0959
-54.4563 -69.4572 -81.7085 -91.6014 -92.6105 -75.7641 -51.4310 -23.3827
-51.4480 -68.1600 -79.7125 -86.8260 -93.7581 -88.4105 -71.1484 -40.7161
-50.4978 -65.7124 -73.1863 -82.3120 -91.4188 -95.4994 -82.5463 -64.5605
-48.0829 -60.3273 -69.9699 -80.0764 -89.4137 -91.7868 -92.4024 -84.6762
-46.3682 -59.3057 -68.9399 -77.2938 -81.7173 -85.4548 -92.9027 -95.7243
-46.3992 -59.0549 -66.8709 -71.9388 -73.7474 -78.7105 -85.9431 -92.4173
-47.4694 -59.9102 -64.8634 -64.0845 -64.7949 -67.9633 -74.2389 -83.1873
-50.2960 -58.1595 -60.1069 -55.8316 -54.9065 -56.9384 -63.6712 -71.5738
Columns 9 to 16 -22.2743 -17.1459 -12.4279 -10.5980 -11.3503 -18.2719 -28.6172 -30.6402
-18.5219 -6.4551 0.9732 3.4123 -1.9278 -18.2032 -30.6204 -33.7794
-0.0512 12.1604 20.0871 19.5720 4.2345 -8.9153 -15.8692 -23.6031
21.2345 32.0695 35.4018 23.5252 9.5203 3.0126 -2.5618 -12.6389
36.8958 43.7896 35.9984 20.7996 11.2288 11.3390 7.7195 0.8444
47.1140 43.9667 31.5659 15.7755 10.3370 18.5994 21.3531 19.2095
47.8077 38.9941 26.0983 11.6099 15.5626 27.7637 35.7602 38.4320
41.0091 29.2440 16.4830 8.5236 19.2669 37.7880 50.2695 55.0822
31.4383 12.8749 2.0876 5.8144 22.9612 43.9660 59.9225 66.1410
10.8883 2.1493 -5.9467 9.7744 29.4551 49.0980 64.7933 70.6766
-7.3387 -10.6584 -5.0875 13.4266 32.9468 51.9598 66.1132 70.2369
-19.8018 -16.7772 -5.1465 10.9813 26.9761 45.8431 58.6620 65.0703
-21.6147 -18.6593 -12.5968 -5.6741 10.7235 30.5918 43.6092 53.5111
-10.7659 -8.5783 -10.8575 -18.0648 -3.0798 11.6983 23.4146 38.5324
3.2795 6.1573 0.4014 -14.7867 -12.9231 -0.0724 17.7817 32.5987
15.3472 19.2055 11.4622 2.0331 -7.2527 1.8828 21.2105 36.5080
24.6798 29.3967 27.9584 19.5088 9.0675 5.8710 22.9056 35.1619
27.1868 37.0903 38.6962 32.8693 19.8343 8.9146 16.5951 23.4612
34.4089 38.8999 43.0342 39.1249 26.3745 4.0264 -2.8743 -0.8419
37.9083 37.8823 43.7406 43.3162 28.9605 2.1217 -27.1821 -27.6238
40.3636 41.5831 45.5715 45.4498 31.2991 0.5432 -32.1119 -46.2897
41.5033 46.3940 48.5384 46.7192 32.3964 6.9632 -21.2482 -54.0158
35.5951 47.5999 50.7125 45.8076 36.4355 22.4860 -8.7032 -47.0298
24.4662 43.0020 48.4035 47.5631 46.0908 33.8162 6.9232 -29.7650
11.2857 30.2039 40.2998 47.7599 49.5138 42.0947 21.5587 -8.8859
-14.5911 8.2570 24.7771 39.2329 48.0650 46.4566 31.4394 4.3115
-43.5437 -19.8434 4.5814 25.9398 40.5143 39.9612 29.5353 3.6218
-68.4900 -45.3953 -18.4766 5.6576 15.4356 17.3802 8.9746 -11.4540
-84.7334 -66.2676 -44.7945 -28.1006 -18.2820 -11.6743 -18.9494 -34.5662
-93.0851 -82.6752 -70.7141 -58.0099 -40.5625 -34.5293 -38.7794 -52.0921
-86.5802 -85.8071 -85.3362 -71.6394 -57.8936 -53.3871 -55.7095 -62.1476
-74.5477 -76.8192 -79.4131 -72.0876 -65.0206 -63.8592 -63.8030 -64.9050
Columns 17 to 24 -29.3641 -29.4630 -33.3014 -40.5196 -46.8812 -52.9879 -55.2606 -48.9870
-33.1146 -34.7394 -38.6673 -43.6141 -50.5182 -59.0659 -54.5837 -39.0628
-29.9203 -34.0583 -34.1892 -36.2948 -42.8737 -51.3454 -38.9793 -16.5585
-22.9171 -26.1765 -23.8918 -25.5832 -32.8853 -35.2176 -21.3818 0.8035
-6.0784 -8.9140 -7.8312 -9.7008 -13.3133 -12.0087 -3.6660 12.8626
16.6743 15.4024 13.2283 8.6342 10.1928 11.8265 15.3938 20.3199
38.0998 34.6472 26.7740 24.9103 27.9606 30.4587 31.2294 30.0674
54.2621 46.8235 41.0603 41.5864 43.2727 45.4664 42.0369 35.8028
63.8699 57.6396 55.1278 56.6642 56.7747 51.1641 44.6283 33.1900
69.1437 66.4653 64.7672 62.1038 56.2629 46.7944 36.5404 23.6858
71.1903 69.8048 64.0029 55.1107 47.8880 38.3457 22.9859 8.5589
68.8216 67.4847 58.1484 46.9008 40.6914 33.5565 16.8540 -0.9906
60.1386 59.7200 50.8410 42.3459 41.8001 32.3993 14.7765 0.9237
47.7312 48.4617 44.9067 44.4225 41.5757 29.8979 13.5403 -2.0851
41.8931 43.8172 46.3134 46.0299 39.2966 27.8603 8.0284 -6.3806
42.8842 45.4433 46.6142 43.9291 37.9247 27.2865 19.9924 3.4390
39.7414 41.2686 40.2048 38.6709 44.4708 47.2302 40.0115 6.7897
25.8904 26.5735 25.7328 30.1118 48.9973 59.3321 45.9271 3.4092
2.5859 6.1374 7.3557 21.6877 48.0191 61.2710 43.5552 -0.8179
-19.7974 -15.1161 -14.2784 8.6845 44.9264 58.7234 39.1098 -4.7486
-42.6998 -42.2709 -39.3622 -2.6876 38.5712 53.0286 35.3036 -8.1349
-68.8380 -70.1875 -57.5341 -12.8709 29.8129 46.6371 33.7762 -4.6957
-73.9030 -83.2274 -64.7580 -23.8154 20.8778 39.6700 32.2934 2.4018
-58.1072 -69.5050 -67.2045 -29.2087 13.4087 34.5090 32.8519 12.3799
-36.3001 -52.9652 -58.1657 -31.5460 7.4702 29.6440 34.5352 18.4844
-25.2905 -44.6443 -54.6624 -35.3800 -3.8890 22.2811 31.6759 21.6511
-27.2213 -47.0179 -55.3109 -46.1518 -18.5538 10.8213 23.7362 21.9861
-38.7168 -57.6670 -66.3637 -60.0158 -33.7687 -5.2153 14.0522 20.1102
-57.4371 -71.3740 -77.5321 -71.6031 -49.5273 -20.6423 2.4774 13.4109
-66.7047 -76.8697 -77.5707 -76.0240 -60.8418 -39.6840 -15.9260 -0.7362
-69.5169 -72.3926 -71.9914 -72.4065 -70.5858 -59.0439 -38.6683 -16.1591
-66.2557 -65.2013 -63.9114 -64.3519 -67.5961 -65.4388 -48.0592 -29.7564
Columns 25 to 32 -39.8206 -33.1403 -30.7603 -36.0710 -49.7224 -58.9559 -52.0953 -46.6309
-26.7897 -19.2746 -20.8165 -36.9195 -59.9008 -68.8013 -54.8217 -37.2119
1.0659 7.5146 -0.6274 -26.5021 -58.0887 -64.5199 -45.2707 -25.4948
18.0062 21.8589 8.4998 -20.1428 -46.5350 -54.2482 -37.9252 -21.4967
23.9241 23.7740 11.8160 -8.9764 -24.3148 -28.8360 -29.3909 -24.5319
23.4080 22.6791 15.6563 4.4063 -2.3776 -8.1117 -20.5851 -30.5715
26.7831 18.3290 12.7794 10.3583 11.9874 5.6246 -8.2752 -17.9450
23.1997 6.1647 -0.9502 11.3559 20.9288 19.0289 5.5916 -10.4645
15.5150 -6.3280 -6.1607 13.2315 27.2169 25.7814 9.3095 -6.8047
8.1280 -6.9672 -0.7254 20.1526 27.2848 20.1005 5.4056 -9.0358
-2.9999 -3.3540 9.4830 17.6154 14.6020 5.1433 -9.3380 -16.8358
-2.5635 4.2164 6.4725 3.5944 -3.4901 -14.4120 -25.2655 -23.4189
0.5308 -1.8852 -5.7138 -12.2113 -23.2285 -32.1508 -36.2027 -28.1582
-10.5168 -15.6743 -23.0061 -32.6261 -39.9644 -47.1697 -41.7724 -29.8256
-22.6357 -35.7420 -42.0304 -47.7995 -57.1037 -55.4035 -42.7376 -29.5772
-30.1298 -52.7601 -57.4883 -57.7941 -60.6715 -55.1404 -41.4939 -28.6899
-35.2220 -60.6008 -59.8617 -57.2154 -58.4481 -52.2462 -40.3568 -27.8099
-40.3368 -59.9592 -57.0586 -56.4664 -57.0821 -51.5090 -39.6118 -27.5362
-45.5220 -59.0015 -56.8257 -57.4613 -56.6873 -51.1368 -39.1046 -28.8082
-45.4302 -58.2367 -57.7650 -57.8264 -55.8696 -48.6291 -40.6293 -30.5947
-43.9552 -56.7186 -58.1636 -57.2788 -53.7805 -48.2453 -39.9172 -29.4030
-38.1228 -53.6911 -56.0644 -55.9949 -53.7803 -48.9572 -41.0472 -30.8554
-29.0233 -47.8843 -52.7187 -54.2396 -54.7271 -50.5388 -42.7343 -31.7955
-18.7381 -42.5220 -51.2035 -52.8729 -53.5986 -50.2261 -42.0564 -30.5781
-11.0668 -38.5970 -51.7050 -52.9336 -53.4536 -51.0686 -43.3058 -32.1104
-4.7517 -31.6666 -48.2317 -52.9347 -53.7344 -53.3100 -46.4853 -35.4811
3.3365 -20.3681 -42.0747 -52.4387 -53.6473 -54.9111 -50.4793 -38.9011
10.4013 -11.8983 -36.4747 -47.6661 -49.3932 -50.5375 -51.3959 -40.6536
11.3844 -6.4661 -23.2990 -33.7418 -34.8826 -44.1631 -51.5754 -42.8689
5.9976 0.9856 -11.0916 -16.7915 -29.6047 -43.4810 -54.1920 -47.5974
-5.6071 -1.2632 -4.9229 -16.0830 -30.4158 -45.6729 -57.3397 -49.8761
-15.4648 -11.0038 -9.9710 -17.7223 -32.8595 -47.1042 -54.3862 -43.6790
(4,1,.,.) =
Columns 1 to 8 -29.6003 -40.4195 -46.9217 -47.1003 -44.6030 -43.3085 -44.0134 -47.8724
-39.7270 -53.8272 -59.6965 -59.8975 -58.4775 -58.1487 -59.6332 -63.8898
-48.5455 -63.6769 -69.0112 -71.6891 -72.1603 -72.7111 -74.1280 -76.5626
-54.7695 -69.3950 -74.4846 -76.1969 -78.4212 -79.9494 -82.0461 -84.4245
-57.5571 -71.7992 -75.3246 -75.6329 -76.4561 -77.8631 -79.4517 -80.7581
-58.1855 -70.8860 -70.6529 -69.3449 -69.3804 -69.6949 -69.8380 -70.2923
-57.8801 -67.0487 -61.0131 -58.0132 -56.6834 -57.3518 -58.7307 -56.4603
-54.6772 -60.8706 -52.3388 -46.7322 -46.1984 -52.3566 -52.6294 -47.5962
-46.8314 -54.6176 -46.4489 -42.0704 -45.1386 -50.9813 -49.2013 -44.6787
-37.8957 -45.3002 -44.9868 -46.1380 -48.1524 -50.0567 -50.0606 -48.3548
-28.6578 -38.0820 -48.1345 -56.8923 -57.2481 -55.8320 -58.3504 -58.6160
-21.9669 -33.8190 -48.1721 -63.4062 -65.2353 -66.1973 -65.7605 -63.4592
-17.4872 -29.5251 -43.9628 -57.7930 -70.4901 -69.7040 -61.1625 -52.9000
-12.3678 -22.4446 -33.5277 -46.7554 -60.3360 -60.8942 -53.3893 -43.8397
-0.4997 -7.3814 -14.6524 -27.3246 -38.6323 -39.9897 -41.1621 -39.7500
17.4949 14.7794 8.5426 -0.1765 -8.2402 -18.9440 -34.2101 -37.1241
33.8320 32.8923 29.1507 21.8206 10.4240 -7.7641 -25.7279 -30.6681
41.6547 41.2552 38.2248 30.9168 18.0800 -0.2845 -13.0538 -17.7733
41.2929 39.6815 37.8901 32.2757 21.1444 7.3203 -0.4132 -4.0312
34.7549 32.3873 30.1524 27.4916 21.1539 12.2947 7.0722 5.7422
24.2261 20.3686 17.3926 16.3115 15.1272 12.2374 9.4364 9.4966
11.7373 6.9031 3.3242 3.3504 4.7198 6.1904 7.8377 9.4380
-1.2742 -5.1597 -7.6489 -6.2787 -3.6119 -0.1245 3.8836 5.9084
-6.3582 -7.7946 -7.8840 -7.5367 -8.0708 -4.7898 -1.4895 -0.4401
-0.5726 2.0897 2.6787 1.9242 0.3533 -1.1568 -2.0064 -3.8450
2.3057 7.5944 9.6578 9.0424 8.0037 7.2558 5.8772 4.4459
1.6254 6.9093 9.7227 10.5007 11.3214 12.3841 12.7296 12.6205
-1.0719 3.0746 6.2807 7.7588 9.5911 11.5871 13.4586 15.0337
0.2032 3.6347 5.6839 6.2339 6.5291 8.0145 10.4235 12.9319
1.2758 4.9740 7.6429 8.7477 8.9124 9.0049 9.9955 11.2444
1.4090 5.0470 7.9584 9.9977 11.2953 12.5200 14.2179 15.8372
0.4413 3.7285 6.8168 9.2509 10.9562 12.7307 14.8018 16.7852
Columns 9 to 16 -54.1840 -56.4446 -53.8631 -52.0618 -51.8309 -53.1527 -52.7405 -49.5760
-69.4576 -70.2704 -66.3877 -64.1573 -64.1691 -65.1925 -64.1181 -60.2493
-79.5771 -77.4777 -72.6912 -70.0847 -69.9736 -70.5552 -68.7118 -64.5170
-84.8474 -80.9931 -76.6119 -74.3684 -73.3960 -72.7159 -70.3912 -66.4391
-81.8821 -80.3826 -75.9426 -73.0235 -71.3962 -70.6553 -71.1784 -69.0775
-69.9960 -69.2700 -67.0076 -63.1412 -61.7503 -62.1688 -65.4709 -66.3227
-55.0583 -54.6802 -53.4486 -50.9570 -49.1774 -52.0432 -55.4650 -50.8925
-45.2089 -45.9304 -43.9673 -40.0884 -39.7484 -48.0593 -43.8679 -32.6267
-43.0683 -42.7944 -38.4248 -33.5707 -37.1677 -43.9685 -33.8865 -16.3751
-47.6642 -42.5926 -33.3955 -30.6662 -35.6350 -38.5352 -25.4744 -5.4532
-56.2043 -42.5321 -31.5325 -29.0556 -32.9173 -31.6253 -18.4243 1.3130
-55.8014 -40.5149 -30.1839 -27.8636 -28.8335 -25.6655 -14.0344 4.4680
-44.5955 -35.7288 -28.2409 -27.4825 -27.1358 -23.0994 -12.1448 3.3393
-35.3939 -28.8348 -27.0926 -29.9940 -28.6404 -23.3056 -14.4838 -0.3610
-30.8439 -26.5804 -30.7406 -35.0963 -30.8208 -25.6126 -17.6155 -2.4343
-29.4874 -30.8389 -36.4851 -40.2484 -32.7751 -28.0294 -18.9470 -4.1297
-30.7555 -34.5344 -42.0471 -41.6110 -36.5430 -32.6331 -19.8023 -4.2421
-20.4301 -26.7347 -36.9190 -40.9918 -39.6642 -34.2616 -16.0980 4.4075
-7.4954 -16.5010 -26.3697 -30.6588 -30.9187 -27.1293 -11.2119 11.0289
1.6574 -5.6720 -12.9969 -20.2496 -21.4816 -17.3700 -2.6105 16.0629
7.2045 1.9431 -6.2758 -17.3783 -16.6234 -8.5225 5.1235 20.6997
8.4730 4.1297 -5.9234 -15.1509 -14.4387 -5.8514 7.3161 19.5893
5.7216 2.0995 -4.6313 -13.0819 -15.2688 -7.2338 0.2408 11.5803
-0.0928 -1.3693 -5.3240 -12.9568 -17.8159 -20.0299 -17.8188 -1.8600
-4.9484 -5.6580 -8.6557 -14.8292 -28.3003 -38.7256 -34.6770 -18.9584
3.1019 0.8011 -3.6689 -14.7293 -30.3805 -31.0440 -27.3987 -22.7579
11.6348 9.9550 5.0653 -6.1261 -20.1398 -11.7380 -2.8815 -1.6826
15.8538 15.2739 10.6302 -1.8965 -6.8910 5.0302 15.7464 17.6629
14.8765 15.2844 10.9749 3.5385 7.7628 18.8145 26.8985 27.4738
12.1569 12.6067 9.9786 10.6280 18.3714 26.3064 31.8359 31.6601
16.8164 16.1508 13.8119 13.7522 20.4957 26.8828 30.6047 31.9355
18.0281 16.9551 12.9467 10.3290 14.4588 18.6793 23.4191 27.7789
Columns 17 to 24 -44.4170 -38.7043 -35.2670 -34.2528 -35.7428 -42.1028 -52.2402 -59.8548
-53.7164 -47.3481 -43.5968 -43.2718 -48.6370 -58.2663 -69.1525 -77.1678
-58.0250 -51.5055 -48.2117 -49.4467 -56.5102 -69.6615 -81.7535 -88.2839
-60.1028 -54.5327 -52.1017 -54.1795 -61.9757 -74.2971 -82.2103 -84.0024
-64.3833 -60.2722 -58.9393 -60.2707 -65.2404 -69.7920 -71.1978 -76.9014
-64.4992 -62.0477 -57.3868 -55.4710 -54.9512 -54.8525 -60.6558 -74.0414
-47.9226 -45.6315 -43.2848 -39.5882 -37.8906 -41.4627 -57.1570 -72.6991
-26.3247 -24.8201 -26.7516 -26.7496 -27.4779 -39.1819 -57.6335 -74.4287
-7.8195 -7.0029 -9.7349 -16.3986 -26.3260 -40.3655 -58.9513 -76.1934
7.1058 9.1505 3.5121 -12.0588 -27.3953 -42.6894 -60.6929 -72.5208
15.7802 18.9600 10.3996 -6.4548 -25.1547 -40.0032 -53.4817 -58.2096
18.6854 22.2275 15.1925 -1.7105 -19.6883 -32.4311 -39.6884 -39.6482
17.6568 22.2713 16.8906 1.8079 -14.1183 -20.3182 -21.2863 -19.1348
14.5291 19.5056 15.8161 3.5432 -8.4941 -7.8532 -4.4420 -1.4709
10.9514 14.9745 12.1889 4.6085 -3.6877 -0.2756 5.6616 10.3240
5.5383 9.1877 8.5740 5.3287 0.3655 3.1480 10.5674 16.3960
10.0587 16.3942 17.3696 11.5949 4.9113 9.9988 15.6754 20.4869
18.7075 25.9188 24.8651 17.6307 14.1352 19.2264 24.5668 28.5080
25.9089 30.8979 28.5545 23.4645 23.8106 27.6098 32.9116 36.4689
28.4220 31.0696 29.5162 28.0787 28.3568 32.4961 36.4677 39.0231
30.1761 32.7854 32.0082 32.3325 34.0219 33.3658 32.6372 36.1462
30.4029 37.4166 38.3451 40.7506 40.4746 35.6568 34.5121 38.1547
26.4924 39.4002 46.6737 50.3975 52.0161 51.5776 53.2307 52.2313
17.4311 33.5892 49.1446 59.7653 64.7360 69.2286 68.0634 57.1204
0.7989 23.8250 44.7584 60.9574 71.6791 74.6651 68.5801 54.6928
-12.4482 12.0960 35.4040 54.3467 65.5561 65.0399 59.3666 47.6005
-1.9537 2.0553 21.4031 39.2740 43.3262 43.0576 39.4694 32.2570
12.1160 4.4037 10.0495 16.0363 18.5173 19.6116 18.9364 17.2400
21.6422 14.8027 8.0503 9.5093 13.7360 16.3087 17.0154 16.1899
28.3065 22.4957 15.7052 14.4422 19.0456 21.5157 22.1897 21.5077
30.9080 26.4061 19.3978 18.1560 22.2577 24.3836 24.8029 25.0163
28.1302 25.0901 19.4685 18.2630 21.4950 22.6092 23.0914 23.9870
Columns 25 to 32 -61.9057 -61.1611 -59.2327 -56.9086 -51.2324 -41.8216 -33.1419 -27.9692
-79.7713 -78.7683 -76.9936 -74.8755 -66.8321 -54.4183 -41.8248 -29.3424
-91.5646 -92.0818 -92.0166 -89.2854 -78.8338 -60.9850 -44.5371 -30.7968
-89.8432 -96.7286 -99.2150 -95.4526 -82.0264 -62.5425 -45.5705 -31.4828
-86.7934 -93.9296 -97.4813 -95.6527 -82.4663 -63.9098 -47.0227 -32.5766
-83.0829 -90.0841 -94.2935 -92.4226 -82.4969 -64.8824 -48.2836 -33.8315
-81.3309 -87.7303 -90.0660 -87.8421 -78.6303 -64.5154 -49.0079 -35.2922
-81.3634 -83.3707 -79.0879 -75.3450 -67.7609 -56.4007 -47.2418 -34.7188
-79.1941 -71.8339 -58.4081 -46.0398 -37.8657 -31.7759 -26.8052 -24.1150
-66.8483 -50.9212 -29.7686 -7.1215 4.4026 8.8645 -2.0656 -19.4052
-47.2227 -26.0746 2.2136 25.8978 39.5660 34.8304 5.5177 -18.4773
-27.0375 -2.5311 26.7205 49.0781 56.9129 41.5196 5.8220 -19.1389
-9.8725 13.5684 41.2594 60.2906 61.2246 39.3591 3.3139 -20.4526
4.7226 23.8146 48.6709 63.2851 58.1670 34.0621 -3.0943 -22.9131
18.0400 32.3782 52.3811 60.7836 49.9739 24.3779 -10.9069 -26.9281
23.4939 37.4508 50.8279 49.7889 36.5651 11.4041 -18.0863 -29.9137
25.1252 36.3920 37.7682 32.1838 20.8846 -0.6679 -23.6825 -31.2201
31.4813 31.0843 23.3562 17.8675 6.7307 -9.2443 -27.9881 -30.4644
37.2571 31.8128 21.7354 11.4661 1.7996 -13.8783 -28.9617 -25.1606
38.4249 32.8042 24.8068 17.2702 4.1986 -10.9767 -20.5480 -15.5674
37.4346 35.5149 31.3607 22.3962 10.0077 -1.2839 -8.2870 -5.3875
40.5336 38.6148 33.8083 25.9409 16.6026 9.4106 4.1844 4.5309
44.7833 38.3321 34.4452 29.0618 24.2814 19.7197 16.1993 14.6814
44.4568 37.8928 34.1529 32.6594 30.4886 28.5548 26.9906 24.1288
42.3052 35.0554 33.8870 33.9280 34.0226 34.2197 34.3795 29.5772
35.8703 30.5838 30.9973 32.2651 33.6645 35.4771 36.4926 30.4031
25.4665 23.0815 25.1877 27.7196 30.9676 33.6129 34.9067 28.4846
14.5169 15.7410 18.2721 22.0206 25.7014 28.2699 29.6254 23.9478
14.8495 13.9001 14.5507 17.0051 19.3801 21.1651 22.0012 17.7288
20.5904 20.2611 19.9363 19.2860 19.1210 18.2797 16.4403 12.8477
25.4396 25.2981 24.7856 24.2895 23.3566 21.5447 18.4828 13.2261
24.5828 24.8150 24.7476 24.3106 23.4126 21.3807 17.8836 12.1203
(1,2,.,.) =
Columns 1 to 8 -29.7747 -29.2566 -27.6623 -26.3279 -25.2497 -24.2431 -23.2289 -22.2842
-35.7019 -32.8088 -30.3576 -28.6357 -27.2511 -26.0459 -24.9622 -23.9335
-35.9847 -33.2665 -30.5086 -28.3071 -26.5558 -24.9806 -23.7555 -22.6436
-34.2041 -31.6156 -28.8616 -26.5859 -24.6534 -23.0748 -21.5476 -20.2912
-32.6356 -29.8516 -27.3296 -25.2655 -23.1123 -21.3312 -19.9664 -18.5390
-31.4203 -28.5427 -25.8258 -23.9510 -22.0548 -20.0674 -18.4086 -17.1026
-30.5909 -27.4412 -24.6822 -22.7524 -20.9682 -19.0737 -17.2022 -15.7368
-29.9056 -26.7287 -23.7444 -21.7501 -19.9570 -18.1443 -16.3077 -14.6287
-29.4685 -26.2712 -23.2839 -21.0706 -19.1676 -17.3388 -15.6199 -13.9205
-29.1219 -25.9363 -22.8624 -20.7705 -18.7879 -16.8704 -15.0545 -13.4631
-28.6542 -25.6604 -22.5198 -20.3235 -18.4415 -16.5824 -14.8054 -13.0201
-28.3906 -25.2650 -22.3015 -20.0086 -18.0593 -16.1992 -14.3709 -12.7521
-28.3035 -25.1480 -22.1642 -19.9143 -17.8088 -15.8973 -14.1033 -11.8350
-28.3524 -25.1914 -22.1487 -19.8453 -17.7644 -15.6820 -13.8271 -11.1198
-28.5220 -25.3096 -22.2618 -19.8675 -17.7029 -15.6459 -13.6052 -10.4285
-28.7973 -25.5497 -22.3167 -19.8511 -17.7443 -15.6231 -12.6017 -8.5731
-29.0438 -25.6792 -22.4000 -20.0524 -17.9016 -14.8102 -10.3180 -2.2433
-29.3533 -25.9411 -22.7826 -20.4327 -17.5355 -13.7815 -3.2006 5.8399
-29.9068 -26.5890 -23.4173 -20.9137 -16.6418 -5.7554 4.0548 20.8043
-30.7091 -27.3825 -24.1408 -20.3498 -12.3673 2.8199 22.9046 36.7608
-31.5670 -28.2831 -24.4825 -18.4293 -4.9980 13.6345 39.7929 52.5284
-32.4809 -29.1912 -24.0608 -13.7979 2.9906 29.6297 48.7267 59.8881
-33.4889 -30.0235 -23.5375 -7.8591 15.4865 43.0800 60.2966 60.5797
-34.7347 -31.1180 -22.8881 -1.4436 32.7350 56.3895 68.5797 61.8315
-35.9334 -32.2003 -22.8882 6.1143 45.8286 69.0494 74.1511 71.8886
-37.1421 -33.3968 -21.4896 11.9143 54.0455 75.1548 76.2195 77.9281
-38.4114 -36.6084 -20.3018 19.4149 59.8494 76.5664 76.4667 79.1458
-41.3062 -40.4978 -16.7548 26.8833 64.4648 75.5157 74.9983 78.4811
-44.9967 -41.6520 -13.0469 31.5366 64.8221 70.6167 71.4508 76.8044
-44.9840 -40.8242 -11.6986 33.8744 58.9809 62.3591 67.0597 74.5338
-43.5424 -40.9219 -12.0289 29.4038 49.2575 55.7080 63.5979 71.7667
-38.4803 -38.8383 -14.0147 19.8784 38.7320 46.9813 54.2236 61.1135
Columns 9 to 16 -21.6220 -20.9537 -20.2952 -19.8180 -19.6120 -19.5443 -19.3684 -19.3043
-22.9213 -22.1381 -21.4637 -20.9333 -20.5421 -20.3484 -20.3384 -20.2554
-21.5700 -20.5279 -19.7369 -19.1324 -18.6632 -18.3400 -18.1314 -18.0888
-19.1438 -18.2291 -17.3550 -16.6664 -16.0645 -15.7691 -15.5790 -15.4738
-17.2382 -16.2178 -15.3253 -14.5393 -14.0213 -13.5507 -13.3572 -13.3281
-15.8067 -14.5728 -13.7244 -12.8199 -12.0480 -11.7032 -11.4700 -11.3734
-14.4734 -13.2554 -12.0503 -11.2322 -10.5868 -10.0772 -9.7927 -9.7181
-13.3288 -12.1024 -10.8604 -9.8263 -9.1513 -8.8613 -8.7156 -8.4825
-12.4926 -11.2470 -10.0006 -8.9181 -8.3257 -8.0376 -7.9379 -7.6242
-11.8589 -10.3640 -8.8472 -7.7451 -7.0953 -6.8910 -7.2418 -7.6836
-11.3854 -8.9261 -5.8580 -3.3628 -2.6120 -2.8054 -5.0560 -9.8725
-10.1698 -7.0703 0.4901 6.3580 8.0424 7.4780 0.7471 -13.7643
-8.5849 -0.8010 7.6679 20.6128 24.9514 22.2753 5.9797 -16.2287
-5.2849 7.0345 22.1881 34.6476 40.8091 33.3740 6.9081 -8.9722
-0.8514 14.2292 37.0386 47.7379 50.0553 33.2548 11.4928 5.6920
2.3846 24.0464 44.0169 55.2098 48.7748 32.2938 20.2723 14.9363
7.8805 29.3894 49.7229 54.5624 42.9570 28.0573 21.6361 19.0767
19.0807 34.1538 49.4806 46.6434 38.1921 20.4647 14.3257 18.3333
30.8715 39.3421 43.5604 40.3116 36.6609 30.6807 21.2802 19.4073
44.5811 44.6357 51.3203 56.3806 56.7171 49.5790 39.2134 30.8989
54.2390 43.5180 59.1057 72.4067 71.9955 65.6746 57.6730 36.5285
47.8852 49.6065 71.2657 80.9022 79.4452 77.3391 66.3628 34.0915
45.5943 61.0374 79.1409 83.5144 82.5996 81.4395 66.5010 31.4329
60.6919 74.6312 83.5484 83.9617 83.4112 81.6244 62.5235 31.0688
76.2186 82.1847 83.9996 83.6639 83.6112 80.2416 55.9485 29.1633
81.2912 82.7789 83.3009 83.2863 83.5248 77.1931 50.4344 26.0081
81.7258 82.7009 82.6709 82.7746 82.7123 74.9665 48.6572 29.1682
81.6359 82.4029 81.9029 82.1428 81.5255 74.0406 53.1372 39.6535
80.7567 81.6985 81.4864 81.7815 80.5220 73.8412 59.2621 44.0556
79.2500 80.4404 80.9085 81.1024 79.1393 73.1266 61.4859 42.5397
76.0891 77.7576 78.6957 77.9704 75.4469 69.4680 59.6241 39.7878
65.0414 66.7456 66.8906 65.5971 63.3298 57.8906 50.2833 34.5878
Columns 17 to 24 -19.3199 -19.3213 -19.4361 -19.6995 -19.9871 -20.2315 -20.5243 -21.1837
-20.2321 -20.3007 -20.5461 -20.8773 -21.2277 -21.5646 -22.0908 -22.9100
-18.1506 -18.4226 -18.7412 -19.0306 -19.4747 -19.9625 -20.8238 -21.9571
-15.6215 -15.9058 -16.0121 -16.2931 -16.8558 -17.6468 -18.6488 -19.9749
-13.4586 -13.5341 -13.5914 -14.0254 -14.7139 -15.5510 -16.7694 -17.9503
-11.4372 -11.4487 -11.6226 -12.1247 -12.8448 -13.8188 -14.8919 -16.0571
-9.7095 -9.7359 -9.9603 -10.4756 -11.2430 -12.2145 -13.3331 -14.4586
-8.4004 -8.4307 -8.6201 -9.1046 -9.8786 -10.9949 -11.9152 -13.4050
-7.3558 -7.3122 -7.4996 -7.8998 -8.9095 -9.7997 -10.9940 -12.5671
-6.5182 -6.3095 -6.4988 -7.1266 -8.0330 -9.0450 -10.3698 -11.8500
-7.1595 -5.5402 -5.9226 -6.5239 -7.3662 -8.5527 -9.8643 -11.4045
-10.0586 -5.3729 -5.1713 -5.7764 -6.8438 -8.1992 -9.5305 -10.9267
-10.7432 -4.6630 -3.6070 -4.4095 -6.5364 -7.8917 -9.1668 -10.5047
-3.7230 0.3259 0.2772 -3.3415 -6.3710 -7.6844 -8.9800 -10.4148
5.8170 6.6943 3.2863 -3.5307 -6.3577 -7.6680 -9.0805 -10.5161
12.6927 11.4622 3.2248 -4.2392 -6.5936 -7.8541 -9.2666 -10.8621
16.8170 12.6198 2.4353 -4.8444 -7.1295 -8.3236 -9.6249 -11.2860
18.4854 11.6978 1.5012 -5.4561 -7.7399 -8.9097 -10.2328 -11.7550
18.3875 10.7743 -0.1682 -6.5003 -8.7439 -9.7437 -11.0227 -12.5195
19.2095 9.2242 -1.9814 -8.0188 -9.9976 -11.0786 -12.1471 -13.5592
14.1597 6.7555 -4.1697 -9.5461 -11.3870 -12.5493 -13.6105 -14.8778
5.5987 -0.7939 -6.5662 -11.4228 -12.8273 -14.1114 -15.2518 -16.4521
-0.5436 -10.2422 -11.7093 -13.5911 -14.6738 -15.8572 -17.0674 -18.2657
2.0992 -4.3122 -12.5911 -15.9835 -17.0227 -17.9998 -19.0824 -20.3530
8.7540 -1.1466 -14.5745 -18.3606 -19.5588 -20.5198 -21.5346 -22.6265
13.9212 -1.9981 -16.6306 -20.6353 -22.1356 -23.2438 -24.0533 -25.2316
18.8026 -3.7142 -19.1486 -23.3613 -24.5501 -25.8605 -26.7478 -27.7212
18.6764 -8.0532 -21.9270 -26.4786 -27.1900 -28.4292 -29.4089 -30.3137
14.3656 -15.4787 -26.5951 -29.3757 -30.0361 -31.1332 -32.1246 -33.0271
10.5910 -22.2169 -32.3477 -32.5385 -32.9395 -33.9809 -34.9790 -35.8903
5.6549 -26.5377 -36.4419 -35.5479 -35.9173 -36.8072 -37.6453 -38.6371
4.0247 -26.0900 -35.2918 -34.4773 -34.9078 -35.6081 -36.3297 -37.0453
Columns 25 to 32 -22.0421 -22.9876 -23.9524 -24.9295 -25.9539 -27.1379 -28.6488 -30.2772
-23.9833 -25.1643 -26.3233 -27.4923 -28.8132 -30.2220 -31.8185 -31.9495
-23.2640 -24.4734 -25.7178 -27.0404 -28.5004 -30.1849 -31.9375 -31.7936
-21.1948 -22.4439 -23.7325 -25.1275 -26.6902 -28.5130 -30.1802 -30.2202
-19.1904 -20.5291 -22.0971 -23.5288 -25.2749 -26.9307 -28.7055 -28.9639
-17.3863 -19.1455 -20.7560 -22.3656 -23.9530 -25.6946 -27.5507 -27.8843
-16.1925 -18.0707 -19.6924 -21.1724 -22.8424 -24.6484 -26.4371 -26.9112
-15.2469 -17.0237 -18.5045 -20.0159 -21.8893 -23.8301 -25.7323 -26.2153
-14.3001 -15.9343 -17.4015 -19.2425 -21.4555 -23.4494 -25.3077 -25.8405
-13.5154 -15.0613 -16.8042 -18.9720 -21.1046 -23.1817 -25.0673 -25.5469
-12.8888 -14.5227 -16.5075 -18.5637 -20.8939 -22.9542 -24.8925 -25.4713
-12.3814 -14.2283 -16.1857 -18.4151 -20.7689 -22.8420 -24.8571 -25.4669
-12.1802 -14.0709 -16.0874 -18.3681 -20.6293 -22.7802 -24.8401 -25.4832
-12.1466 -14.0228 -16.0536 -18.2893 -20.5462 -22.7674 -24.8859 -25.5317
-12.1661 -14.0044 -16.0265 -18.3256 -20.6287 -22.7761 -24.9928 -25.7030
-12.4100 -14.1330 -16.0769 -18.3863 -20.8921 -23.0124 -25.1202 -25.9288
-12.9293 -14.6646 -16.4089 -18.5908 -21.1026 -23.4025 -25.5137 -26.1856
-13.5479 -15.2829 -17.1692 -19.1397 -21.4535 -23.8707 -25.9445 -26.6803
-14.2993 -16.0268 -17.9389 -19.9735 -22.2124 -24.3951 -26.6342 -27.1950
-15.3488 -17.1400 -18.8121 -20.9513 -23.1117 -25.3826 -27.4089 -27.9419
-16.6218 -18.4463 -20.1596 -22.0141 -24.1834 -26.4121 -28.5291 -28.8990
-18.1308 -19.9714 -21.6291 -23.4309 -25.4765 -27.4897 -29.6585 -30.0357
-19.7725 -21.6994 -23.4095 -24.9706 -26.9510 -28.9574 -30.8029 -31.1931
-21.6977 -23.4417 -25.3043 -26.8842 -28.5040 -30.5424 -32.2455 -32.3541
-23.9989 -25.5024 -27.2045 -28.8885 -30.3896 -32.0698 -33.8555 -33.6771
-26.4446 -27.7911 -29.3699 -30.8752 -32.4266 -33.9525 -35.5178 -35.2140
-28.9832 -30.2457 -31.5656 -33.0366 -34.4033 -35.9510 -37.4831 -37.0939
-31.4641 -32.7287 -34.0260 -35.3189 -36.6037 -37.9336 -39.5601 -39.0386
-34.0523 -35.2799 -36.5980 -37.9089 -39.0902 -40.2458 -41.5928 -41.0294
-36.8602 -38.0978 -39.2792 -40.6682 -41.7696 -42.8923 -44.0271 -43.1062
-39.5288 -40.5600 -41.7196 -42.6758 -43.7625 -44.7098 -45.6882 -44.5656
-37.8988 -38.7644 -39.5311 -40.3286 -41.0445 -41.9747 -42.5566 -41.3773
(2,2,.,.) =
Columns 1 to 8 -29.5541 -30.6847 -30.6789 -28.0248 -25.3409 -23.3703 -22.5506 -22.0707
-41.6653 -41.7223 -41.0312 -37.3579 -34.3611 -32.1939 -31.1870 -30.6221
-57.9632 -58.6114 -58.3972 -55.0926 -52.0574 -50.5688 -49.3187 -48.1647
-69.2237 -69.7608 -70.5802 -67.9031 -66.9109 -65.3272 -60.6360 -55.8496
-69.8051 -69.9318 -72.0509 -71.6705 -70.4652 -61.0634 -52.3707 -47.9278
-67.8307 -67.3265 -68.6169 -68.9629 -68.3855 -58.2899 -41.2856 -35.0207
-66.7485 -64.9639 -66.1201 -68.4424 -65.3703 -55.5487 -38.1433 -29.0414
-66.2255 -63.9451 -66.2977 -68.9558 -64.4162 -53.6383 -37.2876 -30.5252
-66.3412 -63.8709 -66.6564 -69.4521 -64.3740 -53.7117 -41.7561 -39.5640
-67.2492 -64.1176 -66.3738 -68.9769 -64.9859 -56.9188 -54.5340 -53.2490
-68.5437 -64.9152 -65.8681 -68.5205 -67.2109 -64.6319 -62.6215 -58.1688
-69.4955 -66.2440 -65.7552 -68.4425 -69.9322 -66.4614 -62.4832 -57.2376
-70.4128 -68.2790 -66.6430 -68.0495 -70.6872 -66.8132 -62.3138 -57.3721
-71.5922 -69.6908 -67.2625 -67.6737 -69.7223 -67.0000 -63.4756 -59.6795
-72.0140 -70.2849 -67.7580 -67.3264 -69.2499 -68.3342 -67.3901 -62.3576
-71.7083 -70.7305 -69.0020 -67.6854 -68.7053 -69.2721 -67.2862 -61.3996
-71.4225 -71.7494 -70.6843 -68.3895 -67.3351 -66.7147 -63.8178 -58.4414
-70.5159 -71.2791 -70.7272 -68.8185 -66.2576 -62.1469 -59.0774 -53.6969
-69.7046 -70.4256 -70.7348 -69.5493 -65.9984 -59.5221 -55.2465 -51.3723
-69.5127 -70.0608 -71.0373 -69.9708 -65.2038 -58.0341 -53.9252 -51.5334
-69.6452 -70.0031 -70.1594 -68.8332 -64.4800 -56.8212 -54.3364 -55.5457
-69.7279 -70.1776 -69.7452 -67.9183 -63.3327 -55.6565 -53.0766 -56.6645
-69.6840 -70.5102 -70.0522 -67.9869 -63.0421 -55.1530 -51.8412 -56.1642
-69.7325 -70.8945 -70.6266 -68.5264 -63.3440 -55.0362 -51.4266 -55.0262
-69.6376 -70.7300 -71.1290 -68.8241 -62.7315 -54.4359 -50.8742 -53.3507
-69.0144 -69.8565 -70.2118 -68.2748 -62.1479 -53.1845 -49.6323 -51.9221
-68.7058 -69.7013 -69.9122 -68.2311 -62.2391 -52.8996 -48.8546 -51.5160
-68.6571 -69.8945 -69.6910 -67.9383 -62.1188 -53.0465 -48.7259 -50.4865
-68.2924 -69.8852 -69.6608 -66.8720 -61.4772 -53.4053 -49.3379 -50.0091
-67.1803 -69.1144 -69.5707 -66.5418 -60.9374 -54.0936 -50.5699 -51.2321
-64.5827 -66.6569 -67.2752 -65.4969 -60.4785 -54.1552 -50.9489 -51.5450
-56.7540 -60.6660 -61.5896 -60.9815 -58.5577 -54.0022 -50.3022 -49.4867
Columns 9 to 16 -21.0940 -19.1017 -16.5087 -14.5368 -14.1662 -14.6754 -14.8059 -14.9073
-29.3046 -26.9749 -23.6069 -21.2677 -21.5662 -22.9889 -23.3359 -23.2357
-46.8647 -45.4923 -41.5444 -38.3155 -39.0899 -40.8567 -42.0471 -41.8723
-55.5318 -56.0146 -54.3983 -52.2740 -53.5687 -56.4609 -58.7213 -58.5797
-46.9925 -49.1224 -51.7942 -52.8509 -56.4867 -62.1606 -65.7964 -66.6447
-35.8153 -42.3852 -46.2096 -49.2117 -55.7347 -61.8063 -65.6007 -67.5955
-31.3310 -38.7749 -44.0026 -48.9766 -55.2140 -59.8863 -63.5577 -67.0628
-31.2175 -38.3728 -45.4852 -48.5029 -52.1579 -58.1070 -60.9522 -63.4853
-38.9798 -41.1323 -44.9092 -43.6252 -47.2692 -56.9904 -57.2348 -57.8531
-50.1290 -41.8610 -37.7253 -36.8930 -45.0881 -55.4621 -53.6120 -51.1527
-49.7183 -38.2522 -31.8266 -34.5258 -44.8687 -54.0242 -53.4636 -49.5696
-48.8904 -37.1950 -30.3912 -32.9393 -41.7064 -50.7653 -52.3901 -50.2557
-49.3534 -38.0081 -30.8066 -28.8981 -37.2972 -48.3691 -52.7598 -51.0122
-51.4725 -42.7231 -33.1016 -27.8974 -34.7792 -49.6401 -55.4651 -54.4293
-55.0144 -47.2075 -35.5177 -33.6796 -38.5808 -52.7377 -61.4749 -59.7198
-56.0227 -48.4342 -45.2922 -47.7312 -50.4185 -57.2699 -63.7308 -63.0903
-51.3818 -47.9150 -48.0275 -49.8290 -49.9027 -49.4907 -50.7118 -56.7349
-47.5568 -42.2598 -40.1856 -39.7905 -38.8208 -38.0695 -41.6896 -49.6161
-45.7485 -40.9352 -37.3767 -35.5412 -35.0897 -34.3984 -37.6013 -44.3914
-48.4113 -45.8111 -42.6199 -40.4331 -38.8797 -36.4222 -36.9255 -44.1442
-57.4359 -58.6283 -56.0748 -52.6309 -46.9558 -42.1505 -42.7241 -47.7930
-64.8794 -71.8052 -69.6608 -62.5843 -54.3159 -51.6599 -52.7025 -55.7545
-65.6169 -72.5045 -71.3501 -66.6933 -62.4070 -61.7788 -62.0527 -61.3736
-63.2774 -65.3125 -61.6984 -58.6748 -59.3776 -60.0442 -60.0474 -57.9769
-58.7409 -54.9075 -49.4177 -48.5064 -52.1095 -53.9954 -54.2373 -53.9321
-54.1602 -47.5068 -37.2732 -36.1887 -40.0132 -41.8275 -41.5273 -42.8684
-51.0706 -43.9755 -30.4811 -14.9345 -12.1019 -11.1508 -10.1606 -15.0259
-49.7820 -39.4408 -24.4620 -1.5145 20.3089 28.6016 26.9424 12.6729
-49.1236 -39.2983 -15.5092 12.9197 36.5154 52.7026 50.2255 35.8533
-50.2234 -38.7853 -13.2488 19.1000 44.2053 59.1868 65.0616 59.5706
-50.4582 -39.8307 -13.9784 15.2252 34.9613 51.1784 65.3764 69.4849
-48.1765 -38.9919 -21.8110 -2.3278 15.1895 33.9923 49.3840 57.2741
Columns 17 to 24 -14.2552 -11.8421 -9.3859 -7.9655 -7.3776 -7.1626 -7.2164 -7.9919
-21.6090 -18.6355 -16.1345 -14.5154 -12.9035 -10.9979 -9.7218 -10.0010
-39.6928 -37.9426 -36.5026 -34.2466 -31.1586 -26.6722 -24.4457 -24.3204
-58.4781 -58.1521 -56.7315 -54.4820 -51.4317 -46.8762 -43.2260 -42.9869
-67.1866 -64.5988 -62.3143 -61.8667 -60.4680 -56.1686 -52.6864 -51.4171
-65.9196 -59.0329 -50.3544 -46.6232 -46.8771 -44.8781 -44.7987 -46.2635
-65.1939 -54.0766 -40.9239 -33.0224 -30.4993 -30.9436 -34.3603 -41.9667
-62.7234 -51.7444 -36.9356 -27.3876 -24.5513 -23.8594 -29.1659 -36.1191
-57.5805 -48.5389 -36.0224 -29.9883 -29.1464 -25.9964 -27.0413 -34.4755
-51.4761 -47.1232 -43.3747 -44.2231 -40.9117 -36.5947 -35.1354 -38.1328
-48.2772 -49.4674 -54.1362 -56.6425 -56.1116 -55.0469 -51.9809 -49.7124
-48.5737 -47.8612 -50.5220 -51.7862 -57.4611 -61.2217 -56.9902 -55.8328
-49.8950 -47.0737 -46.0796 -48.3886 -53.2291 -50.2442 -46.4411 -49.4539
-51.7840 -47.5400 -46.9141 -50.5032 -45.0077 -40.0333 -38.5516 -46.6215
-55.2916 -52.7625 -54.0603 -54.9054 -41.9721 -34.0593 -36.4907 -46.3761
-62.2689 -62.0823 -62.3404 -56.0223 -42.0074 -35.1742 -35.8277 -43.3827
-62.5911 -60.7079 -57.5245 -54.1044 -44.2074 -38.4594 -34.6857 -36.1228
-55.7481 -56.1234 -51.7038 -50.0771 -48.5107 -39.5882 -31.0710 -29.9276
-53.1579 -52.9443 -48.4497 -47.2468 -48.5006 -39.4251 -31.0939 -28.0847
-54.4536 -47.5049 -43.4702 -43.2578 -47.6458 -41.4000 -34.0556 -28.9337
-54.4181 -41.0817 -34.7281 -37.1645 -47.0902 -46.9274 -38.3244 -30.5173
-53.1668 -37.1972 -30.7771 -34.9736 -47.2264 -51.0091 -41.0815 -31.8868
-51.5787 -36.6478 -32.1150 -35.9785 -47.9816 -53.5455 -42.9414 -32.9700
-49.1938 -40.7849 -39.8438 -41.7485 -50.5315 -53.8006 -43.0291 -28.6637
-49.8057 -47.4201 -48.9654 -52.2834 -55.2219 -52.5841 -41.2553 -25.0803
-43.0004 -45.8909 -52.5927 -57.9191 -56.0302 -49.6180 -41.4081 -26.3435
-27.2872 -43.3165 -52.9863 -54.3755 -52.1770 -48.4252 -46.1034 -26.9461
-11.7277 -29.9482 -36.9704 -40.1882 -47.0097 -49.2813 -44.3844 -25.5129
17.4057 6.0774 -3.0758 -25.8782 -45.2219 -45.2809 -41.4539 -24.0618
51.9883 44.8601 19.7473 -20.5055 -36.1605 -31.5135 -26.7057 -22.0119
68.0783 56.1361 21.6914 -20.0179 -23.8750 -11.6420 -5.6209 -0.8588
57.6059 44.8051 16.8294 -16.3485 -17.2830 -4.0948 4.0322 9.2745
Columns 25 to 32 -8.3330 -7.3120 -2.2215 1.1732 2.8090 3.4500 3.2266 2.0362
-10.9126 -9.7562 1.9906 12.9237 16.7305 17.7281 17.7331 15.6478
-25.2033 -20.5954 -1.6139 17.9196 26.0195 27.4999 27.4211 24.8542
-43.5903 -29.5422 -2.7697 19.9533 29.5380 31.3083 31.0009 27.4029
-47.7685 -28.3237 -0.1108 22.0334 29.9780 31.4398 30.5617 26.9608
-45.6070 -27.0430 1.3605 21.2182 27.7957 28.7699 26.9162 23.2519
-43.6216 -27.4327 -1.0815 14.9669 20.0090 21.1897 18.5001 14.0999
-42.6039 -29.7874 -8.4144 4.8782 7.4983 8.6736 6.0427 1.9110
-44.0760 -34.6245 -16.4160 -7.2264 -4.2830 -4.1461 -5.8325 -11.0824
-46.4043 -41.8528 -30.5381 -24.4158 -19.7191 -19.3684 -21.0709 -24.7156
-53.1512 -55.0640 -52.7214 -44.9039 -38.7973 -36.4283 -38.2126 -39.2426
-61.0342 -65.9107 -66.0997 -57.9708 -50.8450 -42.5477 -39.4665 -38.9778
-60.0628 -67.4051 -69.0938 -62.9393 -55.5396 -42.6643 -29.1465 -25.3329
-58.2525 -60.6957 -61.1122 -59.9944 -56.3555 -43.5875 -28.0864 -20.7611
-49.7091 -50.1295 -51.5783 -51.4325 -50.7789 -42.5418 -29.6862 -23.5819
-40.8021 -40.7490 -42.3301 -44.1117 -46.0553 -41.9858 -34.7485 -29.9981
-34.1959 -33.5310 -35.7955 -40.4843 -42.8509 -43.1386 -41.0848 -34.8263
-29.4286 -29.4734 -33.2731 -38.5581 -41.2241 -43.3047 -40.9115 -33.7075
-27.8126 -28.8237 -32.3836 -37.5756 -41.0972 -44.0157 -38.8256 -31.4497
-27.7952 -29.4108 -32.7517 -37.2065 -41.9829 -44.5390 -37.5622 -30.7051
-27.6350 -29.5571 -35.0208 -38.6765 -42.9181 -44.5754 -36.1840 -32.1337
-28.3037 -30.0417 -36.0370 -42.5772 -45.1809 -43.9382 -36.9785 -36.2401
-29.2204 -30.8119 -36.2539 -43.2792 -46.8505 -41.0609 -30.0816 -27.5567
-15.5098 -13.1580 -17.0933 -20.9429 -31.1416 -38.2340 -20.7851 -13.4262
2.6024 23.3474 26.1478 17.1930 -10.0077 -28.0542 -18.6660 -9.4954
12.6262 46.5880 57.7550 42.3683 13.5878 -16.5442 -19.0435 -14.6973
14.8518 53.5541 65.9920 54.7558 23.4540 -13.8407 -27.9556 -28.0204
13.7931 43.8025 50.6854 45.2300 20.0783 -15.1421 -36.9484 -39.0569
-0.8689 11.3692 12.8151 11.0806 2.0284 -18.9660 -31.1241 -29.1996
-15.7629 -12.8078 -12.5962 -11.0638 -9.5946 -8.5373 -6.5501 -4.0546
4.4189 8.8628 12.1128 13.3165 14.0081 17.5825 19.7590 19.6126
14.2388 18.5778 22.0581 24.1094 23.8343 25.5345 28.2938 25.6222
(3,2,.,.) =
Columns 1 to 8 -16.6847 -14.2567 -12.9117 -11.1636 -11.4787 -9.8439 -5.0495 -2.6906
-23.1240 -19.2701 -18.2903 -14.4586 -13.4610 -12.5919 -9.7019 -7.7059
-22.2848 -17.8199 -16.9520 -13.5897 -11.6041 -11.3418 -11.1012 -6.6488
-19.3825 -14.1840 -13.1480 -11.7426 -10.4918 -9.2679 -6.5937 -0.4914
-18.4476 -12.3455 -11.5347 -10.7400 -8.9124 -5.2724 0.7125 9.2694
-19.5089 -12.7173 -12.7314 -11.4721 -5.3307 1.7921 11.6655 17.2891
-21.8778 -16.0911 -16.9857 -9.6546 -0.4148 10.4329 19.8243 24.3773
-25.8397 -21.8713 -22.7477 -8.4991 9.8578 16.4218 22.7695 25.7695
-29.7575 -27.4443 -25.1332 -8.1446 12.2722 20.7549 20.9833 19.1757
-34.0664 -32.1454 -27.8084 -10.5051 9.3286 16.9306 12.2088 6.0856
-38.1942 -37.1463 -32.7822 -17.9578 -3.9322 0.9048 0.8862 -7.2272
-35.9751 -35.4527 -36.6853 -34.0330 -28.1170 -22.0145 -18.4904 -16.7991
-27.1699 -26.0607 -30.5713 -38.8938 -42.5401 -32.1682 -24.5364 -17.6292
-23.3853 -9.5552 -10.2710 -17.9384 -27.9822 -25.1839 -16.4922 -9.1453
-25.1122 -6.4151 8.2096 4.4224 -2.4789 -4.8550 -9.9410 -2.3859
-26.6111 -9.0332 8.3974 19.5375 18.3595 10.6508 -2.8183 -0.3270
-32.7373 -18.2351 0.5238 17.5322 24.3593 18.2473 5.7649 1.1054
-37.6081 -31.0766 -12.6271 7.7601 18.8568 22.0941 14.7136 10.8588
-40.9511 -37.3317 -28.8511 -9.8070 6.4414 16.4989 20.0379 16.2723
-44.8669 -42.5832 -41.6314 -28.5649 -8.7960 8.1027 17.9613 22.0842
-52.4430 -49.2314 -51.6163 -43.2519 -24.7991 -4.0330 10.9727 24.4998
-59.5748 -56.5681 -57.6603 -55.0686 -38.9170 -19.3836 2.2766 20.0061
-60.4400 -58.8482 -60.8549 -62.2472 -51.2162 -33.4535 -11.0841 12.3363
-53.9881 -51.9920 -54.9429 -62.8052 -60.5576 -46.5103 -24.3478 -2.4062
-48.3247 -46.3965 -52.3850 -60.7480 -66.0186 -55.9002 -39.2253 -21.6569
-44.1767 -44.1500 -50.0271 -55.1246 -63.0608 -63.1886 -53.1725 -34.0563
-40.1173 -41.1975 -43.5939 -49.7206 -59.4169 -66.8192 -61.1785 -49.0242
-36.3638 -35.6097 -39.1017 -47.0838 -56.6684 -60.5542 -65.3097 -61.5385
-34.9158 -32.7738 -38.1514 -44.8127 -49.1072 -52.5055 -61.3779 -67.0447
-36.0317 -33.0336 -35.9804 -40.8889 -41.3166 -46.1402 -54.5979 -61.0688
-38.7300 -36.2911 -36.7009 -36.0911 -35.2419 -38.8271 -44.9025 -53.3268
-37.5928 -39.1074 -39.7245 -35.2338 -32.7076 -32.8481 -37.9690 -47.1033
Columns 9 to 16 -0.8753 0.9136 1.5592 2.2190 0.5762 -5.6205 -9.4605 -5.4704
-5.5388 -0.4900 2.7473 3.1859 -1.0869 -11.1779 -16.8965 -13.3474
0.3624 5.5018 8.2283 7.5465 1.3055 -3.8070 -7.7514 -10.7409
8.5633 12.5415 12.4775 5.1431 5.4556 6.6288 2.3133 -4.6416
15.1705 17.2689 10.7214 -1.0350 5.5281 11.0065 7.3885 2.7684
20.1638 18.2379 9.0001 -4.0221 4.7053 11.9161 14.6597 13.7625
21.1127 14.3989 8.4889 -2.5203 6.4375 15.9263 21.6487 23.4730
17.2787 5.8337 3.4298 -2.6196 5.9458 20.8331 31.1034 33.6729
13.9806 -3.2795 -7.0557 -3.6170 7.7490 23.6565 36.5527 40.4446
3.6763 -8.2497 -11.9312 0.3152 14.1591 28.0420 38.9924 42.6141
-9.3415 -13.1122 -10.7666 2.2957 16.1778 30.6668 40.0091 41.8727
-17.1353 -17.2574 -11.3749 1.0832 12.4173 27.4001 33.5574 36.1418
-12.3459 -11.2294 -14.2401 -10.6718 0.7900 16.5385 21.7188 27.7743
-1.9568 2.3263 -5.2255 -17.2850 -6.0496 5.8931 7.9434 16.7876
9.0986 13.9434 5.2930 -13.2140 -13.3044 -0.4068 8.8654 15.1033
14.6347 21.1185 13.7429 0.9466 -8.1888 -1.5338 13.0271 20.1389
16.3460 27.2023 25.0505 17.1844 4.3325 -1.4001 13.8488 19.6472
15.0208 28.7443 32.3071 26.7657 12.3694 -3.1555 7.5590 11.5298
14.1317 26.0894 35.0698 31.8318 18.1106 -6.3895 -9.9088 -5.5883
19.1625 21.2276 33.5339 35.5574 22.7385 -4.2336 -27.8397 -25.7149
26.6966 19.7567 31.4701 36.6587 27.0290 -0.5340 -29.2609 -39.6072
28.5564 25.5332 31.2839 33.8139 29.6706 6.6118 -17.4304 -43.4761
23.9543 30.0175 30.6115 27.6184 28.9303 19.0297 -4.5272 -36.8701
13.8914 27.2199 30.6471 26.4301 31.4332 27.4326 5.8384 -22.7360
3.4564 18.9100 25.8192 27.6355 31.9695 30.9195 15.0384 -7.2551
-14.3397 1.8268 12.9585 23.6599 29.0893 30.1531 21.7884 0.8872
-35.1839 -18.5294 -0.7711 13.0061 22.6436 22.9020 19.8854 0.7610
-51.3427 -35.8326 -17.7397 -1.8952 4.7111 6.3895 4.9092 -8.1179
-60.8091 -49.5582 -36.1021 -24.9005 -17.9737 -11.0098 -12.1832 -21.1752
-63.5858 -59.2643 -52.9643 -44.4404 -29.8651 -23.2326 -24.8709 -29.8501
-55.7515 -56.3631 -59.2220 -51.0695 -38.4502 -35.6076 -36.4972 -38.0441
-49.2616 -50.5818 -55.1163 -50.7889 -43.8405 -43.4757 -43.6005 -42.3832
Columns 17 to 24 -5.2928 -8.1758 -14.8570 -23.7115 -29.9278 -34.2078 -30.6989 -24.7206
-10.7520 -13.5045 -19.4148 -24.7806 -30.3007 -38.6603 -30.8180 -15.0728
-12.8728 -14.9941 -15.5868 -16.8683 -22.9901 -33.7505 -24.4526 -3.3431
-10.2589 -10.8767 -7.7200 -8.0039 -14.9989 -20.4812 -12.4780 3.7502
-0.6248 -1.2838 1.8456 1.8507 -1.1599 -1.1896 1.7719 9.7305
12.5274 11.8870 11.5316 11.0498 13.6648 14.4981 14.8674 13.6248
23.0028 20.3839 16.3928 15.2624 21.1744 23.2232 21.6888 17.8628
31.4198 24.9950 23.5110 22.9851 25.4362 27.3882 25.3447 22.3473
36.7778 30.2412 31.8042 32.1874 32.0669 28.4470 24.4058 20.9506
39.6125 35.2607 35.6141 34.7132 31.2567 23.5841 15.3395 10.2671
41.1286 37.8571 33.6702 29.4961 25.6398 17.6497 3.2625 -5.1700
39.9708 37.4602 28.3478 23.2955 23.7953 18.6931 2.6227 -8.6527
34.5887 33.7051 23.8007 20.8377 26.4481 19.1615 3.3288 -6.3140
25.4412 25.9838 20.1247 23.2905 26.9465 17.8697 3.6471 -5.6211
20.9688 21.6076 22.7948 27.2471 24.6315 17.6957 5.6459 -3.6171
22.5400 22.1183 24.4460 30.2402 30.6054 24.0040 19.4320 6.9724
20.4584 20.0013 20.7330 26.2979 43.7708 44.5979 37.8754 9.8727
12.0809 12.8709 12.4194 18.4192 46.8261 57.4274 43.8504 4.4357
-3.5281 -0.1517 1.0457 13.1652 47.1490 60.9419 41.4905 0.5962
-18.1624 -12.9969 -11.5918 4.7443 45.5204 61.1635 37.3923 -2.1674
-32.0009 -30.9267 -31.2089 -2.8275 42.2351 59.3660 35.6966 -5.4342
-50.6065 -50.3745 -45.6069 -9.1160 36.8697 55.1951 36.5677 -0.6932
-52.5834 -56.7491 -49.4477 -15.9534 29.4090 49.0509 37.4496 7.1316
-38.2855 -43.3069 -47.3859 -21.7614 22.3123 42.2240 39.0849 15.1489
-22.9768 -30.2709 -37.0886 -24.8236 14.5702 34.2475 39.7943 21.2524
-16.9501 -25.3560 -32.3998 -28.0855 1.4774 26.4009 37.7805 26.1694
-19.7235 -29.9872 -33.4882 -34.1339 -12.6969 15.4210 28.9720 27.5866
-27.6764 -38.0743 -42.8465 -43.2524 -24.6041 0.7750 16.0522 24.2644
-37.1065 -45.1407 -49.9815 -50.0677 -36.4176 -13.7163 6.0843 18.0137
-40.1906 -45.4894 -46.9282 -49.0770 -43.2223 -28.8217 -7.9653 5.3058
-40.7609 -44.1596 -42.6654 -43.9889 -46.6168 -41.6409 -26.5981 -7.3938
-41.3554 -42.2585 -40.4611 -39.8682 -42.6222 -46.0191 -35.5928 -22.6478
Columns 25 to 32 -17.7102 -11.7133 -10.5582 -18.3062 -31.9989 -38.0428 -32.8695 -33.7046
-5.7325 -2.3313 -5.0385 -21.4017 -40.1452 -43.1709 -29.0334 -25.8997
11.7873 14.9024 6.5456 -15.3745 -39.4144 -43.1428 -22.0049 -14.4510
18.8273 21.7022 12.1521 -10.3384 -28.6005 -35.7965 -21.3776 -11.3639
18.9200 20.0528 13.4088 -2.5917 -10.7269 -16.5793 -19.4416 -17.2047
12.5144 13.4214 11.6535 5.0196 3.4730 -2.6138 -15.7001 -29.0908
11.0730 4.8496 5.7108 7.7574 10.8354 6.2457 -6.5360 -23.4883
11.0314 -5.5074 -6.5104 6.8564 16.9678 15.4995 5.2341 -16.5113
10.4982 -11.0168 -10.0738 9.6822 19.7805 18.8932 8.6786 -13.0271
5.5531 -5.7943 -1.8043 13.0496 18.4970 13.5545 4.7281 -12.9985
-5.9800 -3.3178 5.3613 12.9348 9.6571 3.0528 -4.1053 -16.3035
-5.2408 2.0652 6.6506 3.2060 -2.9587 -9.2395 -13.7280 -18.2999
-1.4023 0.1440 -3.3336 -7.1102 -13.8859 -19.2296 -19.9327 -19.9023
-8.4584 -11.2823 -13.5312 -21.5946 -26.1107 -27.0060 -21.6036 -20.0315
-18.9409 -25.0683 -24.8087 -29.8228 -37.4737 -32.2368 -21.3857 -19.1890
-22.3850 -37.9765 -32.9430 -32.9070 -36.4850 -30.0478 -19.2833 -17.2182
-25.3086 -40.6407 -33.2221 -30.8244 -32.2820 -27.1348 -17.9638 -16.0205
-28.2732 -37.4090 -31.5000 -30.8959 -31.3289 -25.5984 -18.0032 -16.1567
-32.2784 -34.1908 -30.9536 -32.5431 -29.9772 -25.2121 -18.7247 -17.9492
-31.2238 -32.5084 -31.3665 -31.0290 -29.0452 -23.0915 -19.2756 -20.8319
-28.2050 -30.0898 -30.0914 -30.0744 -27.4323 -23.2163 -19.3051 -19.7520
-22.6997 -27.4595 -28.2800 -29.5057 -27.7630 -24.4074 -20.4812 -21.2048
-17.5108 -24.9231 -25.7398 -27.3833 -28.4262 -25.6743 -21.1138 -22.1387
-11.8394 -22.8183 -24.7774 -26.1203 -27.6460 -26.1298 -20.8186 -20.6618
-7.0732 -23.4963 -26.1257 -25.3894 -27.0077 -27.6561 -22.8214 -22.2121
-1.8258 -21.5258 -28.4165 -25.1279 -26.5202 -30.2019 -26.0439 -25.9763
6.8353 -11.8887 -24.9348 -25.7196 -26.0318 -30.3860 -29.0958 -29.3533
15.3580 -2.8438 -20.2515 -23.0414 -22.9091 -27.0434 -30.4191 -30.3334
19.5947 3.3431 -10.5987 -12.5770 -12.9121 -21.1134 -30.6151 -32.8639
13.7528 10.5772 -1.1020 -2.2552 -9.3930 -20.4602 -32.8258 -37.2465
2.2221 7.2001 5.3531 -0.9299 -12.9746 -22.8065 -34.5771 -40.8682
-9.9798 -4.8022 -1.6029 -5.1386 -16.0906 -26.2150 -34.3696 -38.9833
(4,2,.,.) =
Columns 1 to 8 -30.6153 -31.5315 -35.9364 -33.5531 -29.5402 -28.0125 -28.3486 -31.8471
-41.6369 -40.8240 -44.4168 -41.9367 -37.9680 -36.8730 -37.1831 -40.3878
-50.5277 -49.5091 -50.6954 -49.8157 -48.4048 -48.4682 -48.9924 -50.3864
-55.1051 -53.0492 -52.8623 -52.8312 -53.3521 -54.6479 -56.0726 -57.5768
-56.1247 -52.8604 -50.9063 -50.9585 -52.1713 -53.6710 -55.0726 -56.2318
-55.8308 -49.5845 -46.6393 -47.1124 -47.9920 -48.4222 -47.6867 -47.7357
-55.1366 -46.4976 -38.9733 -38.0729 -38.9174 -40.6309 -39.5086 -36.9138
-53.7022 -44.5077 -32.8306 -29.6742 -30.5990 -37.6030 -37.1673 -30.9524
-46.8341 -42.3837 -31.8356 -27.1381 -28.4399 -36.9902 -37.2164 -29.7941
-38.5462 -36.7422 -32.7555 -32.2931 -31.3354 -34.3287 -37.7579 -33.5223
-31.2208 -30.9797 -37.8656 -44.2166 -39.8523 -37.4249 -42.5674 -41.7619
-26.3180 -28.2440 -38.8552 -51.8692 -46.8632 -43.2318 -44.6530 -44.3582
-23.8910 -26.7341 -36.9088 -48.9439 -54.5456 -47.8041 -41.1131 -35.8995
-21.3706 -24.2789 -32.5861 -42.9992 -50.4329 -43.1181 -36.8065 -31.2138
-18.6928 -22.5301 -29.3497 -38.1549 -42.8266 -38.8212 -35.4199 -29.6844
-18.1186 -23.3593 -28.1869 -32.3939 -33.1261 -31.8508 -35.4631 -30.1791
-20.5593 -26.3754 -26.4329 -22.8577 -21.7892 -24.3240 -29.1004 -23.7547
-17.1345 -18.5078 -13.6278 -9.3325 -7.6211 -9.7766 -11.5678 -9.2354
-6.6280 -4.2008 1.8334 5.6975 6.9327 6.0711 6.3585 6.6316
-1.3704 2.6701 9.4038 13.2593 14.7993 15.5177 16.3217 16.1512
0.0970 5.3340 11.0177 14.5344 16.5280 18.0148 19.2959 19.5091
-0.2857 4.9168 9.2705 12.5957 15.0365 16.8112 18.5324 19.4064
-0.0973 2.0948 4.9496 8.0090 10.0525 12.9062 15.8613 16.7680
7.8176 8.3492 7.1991 5.6737 5.5986 8.5760 11.5694 11.8109
13.4536 14.7504 13.7397 12.8730 12.3858 12.7155 12.3930 10.3477
14.4073 16.9449 17.5090 18.7133 19.5788 19.5014 18.7330 17.1752
11.8456 14.4334 16.1778 18.8077 21.2613 22.4770 22.6900 22.2473
7.7253 9.7808 12.9192 16.4692 18.7090 20.4585 22.1209 23.0410
8.0509 11.6421 13.7404 14.6823 15.0304 16.3760 18.4509 20.2941
8.7339 12.5233 15.0296 16.0675 15.9750 16.1060 17.2168 18.4881
8.4242 12.3004 15.0071 16.4427 17.1994 18.1522 19.6437 21.0827
6.5881 9.5190 12.1037 13.9888 15.1717 16.6134 18.1868 19.5390
Columns 9 to 16 -38.0811 -39.9544 -36.9486 -35.6058 -35.8118 -37.4913 -37.5723 -35.6547
-46.2711 -46.8337 -42.8420 -41.1878 -41.7534 -43.5957 -42.9676 -40.5183
-54.0772 -52.4082 -47.7480 -45.7233 -45.9983 -47.5657 -46.2316 -43.5088
-58.9538 -55.3673 -50.8915 -49.1533 -48.9115 -49.8471 -48.0854 -44.8768
-57.4753 -56.2371 -52.0142 -49.0248 -48.3264 -48.8977 -50.0060 -47.3359
-47.9753 -47.5701 -45.4179 -41.6902 -40.6285 -42.0417 -46.1088 -44.1917
-36.7853 -37.3488 -35.4925 -32.0020 -31.6397 -35.0910 -38.2052 -30.4802
-30.0633 -31.9519 -29.1607 -24.7075 -25.0774 -33.5689 -31.2682 -16.3054
-28.4070 -30.3981 -25.8847 -20.9041 -24.5715 -33.4626 -25.9569 -6.0888
-32.1203 -29.8617 -21.9176 -19.4145 -26.0866 -31.5214 -21.1660 -1.4339
-40.7163 -29.9698 -19.5141 -19.2528 -25.9494 -26.3789 -16.7048 0.8589
-42.0968 -29.4343 -18.9613 -19.6069 -24.4577 -21.4569 -14.2111 1.7235
-33.3107 -26.7889 -19.6522 -21.3212 -23.4054 -19.0945 -13.3946 -0.4700
-26.3762 -23.0773 -21.5681 -24.4160 -23.5044 -18.7628 -15.0028 -4.0486
-24.1142 -22.2193 -26.0422 -29.0740 -23.4927 -19.9592 -16.5295 -5.4700
-23.3463 -24.7353 -31.1671 -33.4890 -23.9184 -22.0667 -16.9638 -5.6861
-20.5616 -24.9008 -34.8697 -33.3976 -26.2540 -26.2198 -16.2435 -5.5438
-8.8647 -15.4178 -28.1090 -30.8400 -28.9848 -29.3745 -14.5313 2.2606
4.7955 -4.7961 -18.3015 -21.4037 -21.2331 -23.1345 -12.0198 7.0888
13.5786 5.0428 -6.1023 -13.0165 -14.6078 -14.4111 -5.4419 11.2181
17.8789 12.6849 2.7100 -10.7129 -12.9034 -7.9816 1.1639 14.8384
18.8032 16.3388 6.3605 -7.7332 -12.6709 -6.0509 2.5707 13.6878
16.5780 15.8547 9.1088 -3.7698 -13.6470 -8.4687 -2.7966 8.2197
12.1646 12.6428 9.9648 -2.0682 -15.4361 -17.5134 -16.6985 -3.0778
8.9261 8.8975 6.9322 -2.5165 -18.7000 -29.3924 -29.4891 -17.1131
15.8422 14.4545 11.1838 -0.7945 -20.0732 -20.0218 -16.9053 -16.5119
21.6853 20.8663 17.5396 5.3883 -15.0742 -6.5718 2.1315 0.6106
23.6274 23.9117 21.2038 8.1018 -8.9490 2.6084 12.6932 12.9589
21.5174 22.6296 20.8973 10.4194 3.2673 10.3453 17.5939 18.1441
18.7438 18.8575 16.4485 11.8153 12.5986 15.6801 18.4455 19.6023
21.6811 21.5828 17.7837 10.4548 13.5617 15.3799 16.9035 19.1448
20.5645 20.8563 17.6900 8.3712 7.9684 8.1011 10.0445 15.1424
Columns 17 to 24 -31.7360 -26.5720 -23.9534 -23.7792 -25.5086 -30.7933 -39.2514 -45.3171
-36.0509 -30.3957 -27.5819 -27.6453 -32.2535 -40.5153 -48.6342 -54.0613
-38.6577 -33.0985 -30.1552 -30.6024 -36.9195 -48.1122 -56.4991 -60.9568
-40.0960 -35.2977 -32.8862 -33.2241 -39.4143 -50.4118 -54.9330 -56.2005
-43.4209 -39.7853 -37.8069 -37.7187 -41.7846 -48.3883 -47.8378 -51.0368
-43.6114 -43.3458 -38.9382 -36.3084 -37.3579 -38.2846 -41.6306 -49.3890
-28.8813 -30.2602 -31.0518 -26.6858 -26.0815 -29.7400 -42.2723 -49.6952
-11.6637 -15.2258 -21.5641 -21.3648 -21.0660 -28.6377 -44.6418 -53.7004
2.4298 -2.7238 -11.1603 -16.4811 -21.2197 -30.8447 -45.4205 -56.4419
12.8252 10.4150 -0.9171 -15.0965 -23.6171 -32.9991 -46.4601 -53.8671
16.8056 18.9191 4.8973 -13.0957 -23.9776 -32.0424 -40.1102 -43.9702
16.2487 21.1052 9.1056 -9.5822 -20.4989 -24.7554 -28.7186 -30.5546
14.1429 19.9900 11.7705 -6.4527 -16.3747 -14.2919 -15.0035 -14.7220
10.6424 15.7690 11.4487 -3.5166 -13.2508 -6.6962 -3.8412 -1.8041
7.0300 9.9291 7.6416 -1.2254 -10.5902 -3.5999 1.9548 5.0092
2.9152 4.5570 2.8532 -1.9032 -7.7965 -2.1482 3.4229 7.2830
4.6588 8.8961 8.3489 2.7474 -4.3353 1.8975 6.3595 9.2517
10.3459 14.7953 13.8801 6.2124 1.7392 8.0334 11.9929 15.3362
15.1058 17.0020 15.6148 9.3982 7.7180 12.9636 16.4764 19.9896
19.1546 17.7756 15.3808 11.0398 9.6396 13.3426 17.3960 21.4909
23.5716 21.9994 18.8161 12.7486 11.3063 10.5889 13.6643 18.8452
25.4141 28.5031 24.7646 19.7116 17.3460 11.2266 14.3764 20.3971
21.7060 32.5306 33.2884 29.4318 30.0691 27.9322 29.4521 30.7364
14.1925 28.4076 38.5276 41.0791 43.3783 46.4566 45.0340 36.4746
-2.2835 20.5115 37.2874 44.8295 50.6813 53.4249 48.0404 36.4410
-15.0692 10.2222 32.2647 42.1480 49.1446 49.3612 44.0733 34.5273
-6.9316 2.8685 23.2276 35.5735 37.8311 37.0967 34.6839 28.6455
5.4988 1.5131 17.6955 23.7457 24.2827 25.4463 24.6326 22.0244
12.6958 9.1525 15.2361 20.3217 23.8527 25.9830 26.0583 24.8078
18.7460 17.2891 19.2580 23.0133 27.3435 29.0768 29.1091 28.5561
21.3871 22.1330 22.8295 24.9325 28.7967 30.3067 30.1635 30.1423
19.2865 21.2255 21.6209 23.2002 25.9752 26.8870 26.8504 27.3673
Columns 25 to 32 -46.2929 -45.8514 -43.8133 -42.0758 -37.2443 -28.1002 -22.5110 -22.4611
-55.4109 -54.9383 -52.8983 -51.5629 -45.9912 -34.5083 -26.1234 -24.4899
-63.6507 -64.1958 -63.2557 -61.9910 -54.5440 -38.6858 -27.7597 -25.5989
-61.4426 -66.8405 -68.4762 -66.5334 -56.8582 -39.5238 -28.4496 -26.0569
-59.0864 -64.7181 -66.3339 -66.1839 -57.3326 -40.5663 -29.5029 -26.7204
-56.8137 -61.4719 -63.4090 -63.0132 -57.1972 -41.8971 -30.7333 -27.7226
-54.5946 -59.6704 -59.9279 -59.4327 -54.0515 -41.8344 -31.9936 -29.6327
-54.3301 -55.5833 -49.3921 -47.1102 -45.3499 -36.1975 -30.0925 -29.7975
-53.3289 -47.0362 -33.1229 -20.6586 -17.8297 -16.2271 -15.1819 -22.8017
-46.3587 -32.7703 -14.1078 8.1892 15.8441 14.3661 1.8516 -21.0280
-33.9688 -17.1886 6.2578 28.8824 39.7389 32.7921 4.0127 -22.1696
-22.6312 -3.3024 22.2729 41.7205 49.9283 35.0476 2.0592 -22.3986
-12.2749 5.8847 31.0317 48.3506 51.2449 31.1942 -0.4182 -22.9004
-1.3272 10.8811 34.9316 50.0099 47.5794 25.8232 -6.2503 -24.1410
8.1526 16.8650 36.7063 45.0007 38.6178 18.0170 -12.9313 -27.0494
11.6091 20.2892 33.7044 35.6224 27.9035 8.0284 -18.3743 -29.7858
11.3965 19.5592 22.5863 20.2763 14.4020 -1.8836 -21.7937 -30.7546
16.3651 15.2092 9.1531 8.1118 2.9091 -9.3774 -24.1398 -30.1404
21.1623 16.3668 6.3052 2.0496 -1.7600 -12.5608 -23.3100 -23.8790
22.2473 17.7449 10.1178 7.9337 2.4403 -7.7597 -12.8632 -12.1756
21.1939 20.0816 17.8756 15.1619 8.9420 2.6407 0.5657 0.7166
22.9229 23.8982 23.3829 20.4815 16.7441 13.7642 12.8930 12.1950
28.0445 27.3273 27.6899 26.4823 25.2613 24.2942 23.8800 22.5411
28.9310 29.1998 31.3952 32.2238 32.5202 32.7017 32.8972 31.4875
29.5986 30.5773 32.7135 34.2784 35.6347 36.9571 38.0529 36.7636
29.1209 30.0166 32.2120 33.9855 35.8697 37.7760 39.2828 37.9701
25.4318 27.2111 29.4819 31.8337 34.5026 36.5293 37.9826 36.5371
20.8510 22.7705 25.2048 28.3100 31.0736 32.6094 33.8156 32.3447
23.1712 22.3006 22.5951 24.6402 26.4801 27.1895 27.9190 26.6536
27.9899 27.5725 27.3290 27.2686 27.1475 26.0548 24.2875 22.0305
30.7982 30.8289 30.4758 30.2773 29.9263 28.3289 25.7655 21.9456
28.2622 28.4333 28.4101 28.3268 28.0044 26.6870 23.9720 20.5055
(1,3,.,.) =
Columns 1 to 7 -43.3829 -57.2500 -60.5810 -58.7041 -56.5367 -54.4940 -52.5017
-48.0173 -71.4458 -75.9458 -73.5351 -70.5657 -67.7200 -65.0992
-46.2349 -69.7637 -76.6631 -73.9241 -70.3925 -67.1155 -63.7451
-43.7993 -66.2397 -72.6077 -69.6863 -66.1336 -62.6976 -59.3189
-41.8060 -63.0970 -68.7028 -65.7285 -62.0030 -58.3884 -54.8992
-40.3324 -60.5962 -65.8353 -62.2606 -58.3834 -54.4694 -50.7579
-39.2995 -58.9110 -63.4166 -59.9573 -55.4958 -51.3651 -47.2762
-38.4727 -57.3261 -61.6295 -57.8767 -53.5908 -49.0991 -44.8654
-37.5628 -56.0327 -59.9609 -56.3721 -51.8299 -47.6004 -43.2200
-36.6434 -54.5845 -58.7801 -55.1156 -50.6503 -46.2570 -42.1868
-35.9391 -53.6877 -57.7242 -54.1853 -49.8177 -45.2375 -41.1104
-35.6426 -53.1366 -56.9904 -53.5465 -49.0066 -44.5927 -40.1305
-35.6004 -52.9548 -56.7981 -53.0290 -48.5394 -43.9509 -39.5823
-35.6588 -53.1284 -56.8513 -52.9910 -48.2378 -43.5958 -39.2376
-35.9490 -53.3974 -57.1235 -53.1404 -48.2489 -43.4966 -39.0506
-36.3028 -53.9600 -57.6041 -53.3783 -48.4391 -43.7912 -38.6930
-36.6865 -54.6954 -58.1371 -53.9543 -49.0777 -44.1303 -37.6567
-37.4671 -55.7340 -59.2349 -55.1032 -50.2441 -43.4689 -31.6964
-38.5994 -57.2467 -60.9127 -56.7831 -49.7834 -37.2059 -19.9736
-39.7248 -59.0340 -62.8925 -58.8271 -47.4528 -25.2424 2.1795
-40.8070 -60.7105 -65.3829 -61.0223 -43.4110 -12.4923 25.3523
-41.9252 -62.6892 -68.1971 -62.1916 -36.9994 4.1557 44.9739
-43.4716 -65.1068 -72.0271 -57.4420 -21.8325 29.4740 70.6159
-45.3191 -68.0471 -72.9804 -48.7594 2.0794 61.0432 102.1361
-47.5314 -71.4729 -75.8850 -40.0875 24.9410 88.9493 127.2480
-50.1148 -76.8792 -80.0402 -35.6646 39.9449 106.0510 141.2488
-54.6035 -85.1268 -81.9496 -27.4757 50.2067 114.9986 144.9003
-61.5550 -94.5493 -79.7337 -15.9039 61.0515 117.9293 142.2710
-69.1161 -102.1103 -74.8478 -7.0234 67.4770 114.0899 133.4993
-70.2958 -102.0732 -71.7222 -3.4368 63.5554 103.2891 121.9558
-65.9622 -96.8458 -69.2288 -6.0354 54.0174 90.5654 110.2792
-54.1607 -76.3820 -50.8734 -3.4238 42.2058 69.0572 84.6958
Columns 8 to 14 -50.7584 -49.2462 -47.8805 -46.6296 -45.6389 -44.9269 -44.3560
-62.7721 -60.6169 -58.7216 -57.0749 -55.6661 -54.6158 -53.6020
-60.9324 -58.2667 -55.8527 -53.9371 -52.3313 -51.0335 -49.9463
-55.9366 -53.0859 -50.6181 -48.4522 -46.7613 -45.3836 -44.3824
-51.4982 -48.3159 -45.5579 -43.4816 -41.7213 -40.3836 -39.3065
-47.3349 -44.1446 -41.3132 -38.7896 -37.1527 -35.8834 -34.9471
-43.6646 -40.5221 -37.6124 -35.1745 -33.1266 -31.8902 -31.0440
-40.8649 -37.5818 -34.7069 -32.1545 -30.1845 -28.7350 -27.8369
-39.1192 -35.3263 -32.4344 -29.9227 -27.9945 -26.6294 -25.7285
-37.9526 -34.0979 -30.5331 -27.8298 -25.8283 -24.7678 -24.2473
-37.1719 -33.1163 -28.8412 -23.9975 -20.9243 -19.3016 -19.6521
-36.2702 -31.8023 -25.9094 -16.6364 -7.6429 -3.9840 -4.9304
-35.0691 -29.3256 -19.0483 -4.6776 11.8723 21.4236 19.6943
-33.9345 -25.0689 -8.1399 14.1031 33.7860 47.3371 39.4804
-33.0637 -19.8427 3.4146 33.2786 56.6750 64.8065 51.4706
-31.2879 -14.8673 14.1530 46.7283 69.8668 72.1823 58.6014
-25.9262 -7.6666 22.2505 55.5496 72.0595 70.4779 51.7089
-16.5267 5.2814 31.6792 57.6397 66.1826 59.3799 40.5672
2.0830 21.6878 43.6580 59.3497 66.3596 62.0898 50.0917
26.4460 46.1294 57.0424 75.6873 92.1274 95.0278 87.2769
54.0557 63.0726 69.3024 94.4635 119.2194 130.8355 126.1793
70.5254 72.5032 84.8652 111.4625 140.6575 153.9026 150.5534
86.9295 87.9274 101.9143 130.3481 155.1870 163.8941 160.6017
115.9001 117.1974 126.5387 148.2046 163.1017 167.3514 162.3474
141.6861 143.6838 150.6470 161.0376 166.9260 168.2082 158.8924
152.7485 157.7642 162.6912 166.3755 168.3031 167.2471 154.1809
154.8301 160.8963 165.0760 167.1404 167.7609 165.7932 150.9889
151.6359 158.9661 164.1698 166.0208 166.5196 164.4063 150.9974
144.5301 155.1665 161.3567 163.8979 164.6698 162.5390 151.5307
136.5674 149.0813 156.7322 160.2634 160.7016 158.1711 148.3523
126.2725 139.5311 147.6497 150.5332 149.9555 146.4946 137.2939
97.8558 107.9103 113.1893 114.6433 113.2722 109.8100 102.7211
Columns 15 to 21 -43.9139 -43.6927 -43.6103 -43.6778 -43.8428 -44.2720 -44.8833
-53.1183 -52.7649 -52.6902 -52.7950 -53.3241 -53.7445 -54.3590
-49.2232 -48.9561 -48.9183 -49.3404 -49.7817 -50.3020 -50.9426
-43.5806 -43.2851 -43.3663 -43.6732 -44.0986 -44.5629 -45.5262
-38.6472 -38.2601 -38.2701 -38.4525 -38.7940 -39.5257 -40.6724
-34.2144 -33.8587 -33.7388 -33.8546 -34.2011 -35.0375 -36.4109
-30.3912 -29.9088 -29.7588 -29.7971 -30.1643 -31.1252 -32.6831
-27.1324 -26.6087 -26.3343 -26.3526 -26.8199 -27.7644 -29.4980
-25.1394 -24.4475 -23.8934 -23.8466 -24.1133 -25.1847 -26.9305
-24.5340 -24.6697 -23.5368 -22.3960 -22.3502 -23.2753 -24.9281
-23.5137 -28.9217 -27.2156 -23.0858 -21.4956 -21.9390 -23.5252
-15.1189 -36.0247 -35.0046 -25.9857 -21.1458 -20.7422 -22.2482
-3.8736 -35.9743 -39.2596 -26.5796 -19.3000 -18.6377 -21.2602
8.4424 -18.4103 -25.4464 -18.3314 -13.2987 -15.1912 -20.6076
26.6394 6.3879 -0.6960 0.1683 -2.7569 -12.7281 -20.5602
37.8800 26.3610 23.0989 17.0048 4.4961 -11.8779 -21.0360
38.2441 37.1644 34.2871 26.0871 7.2723 -12.2721 -22.0494
28.3953 33.5703 37.2525 28.2319 6.7038 -13.3820 -23.4247
34.8051 30.7198 34.4106 26.5975 4.1955 -16.0653 -25.5541
70.1502 50.7550 33.6892 20.4899 -0.1718 -19.8660 -28.5334
107.3203 70.6552 28.8416 9.0506 -7.8273 -24.2648 -32.0113
128.6758 77.4168 19.2556 -7.6748 -18.8242 -30.2466 -35.6909
134.7477 76.3730 11.0175 -23.2312 -31.0439 -36.5103 -40.3572
131.4742 74.1015 12.6567 -20.7831 -35.2679 -42.8488 -45.3089
123.6623 68.6216 17.3171 -12.8904 -34.3088 -47.4027 -50.5486
114.2547 59.7146 19.1794 -9.2337 -35.9617 -51.6404 -55.9530
110.1253 59.2423 21.9617 -12.1048 -40.2359 -56.9568 -61.8299
116.5776 72.2369 23.8877 -21.7514 -48.2947 -63.6112 -68.1508
123.6210 80.4951 23.1196 -34.2006 -61.7782 -71.4078 -75.0038
124.0642 81.8773 19.4725 -43.8119 -75.0979 -80.5334 -82.2578
116.8410 76.1495 13.1640 -50.4098 -82.6271 -86.8711 -87.7885
88.4501 58.1243 8.1823 -43.9323 -69.3773 -72.4924 -73.0547
Columns 22 to 28 -45.4563 -46.3293 -47.5817 -49.1006 -50.8091 -52.8214 -55.1336
-55.2904 -56.4384 -58.2090 -60.2883 -62.6799 -65.2971 -68.0326
-51.9897 -53.4761 -55.6654 -58.3643 -61.1950 -63.8450 -67.0439
-46.7399 -48.5787 -50.9899 -53.5949 -56.2760 -59.3091 -62.6449
-42.2120 -44.2750 -46.6501 -49.3335 -52.1861 -55.3499 -58.7044
-38.2763 -40.4104 -42.9692 -45.6462 -48.8038 -52.0428 -55.5220
-34.7004 -37.0159 -39.5160 -42.7717 -46.0770 -49.3880 -52.7536
-31.6097 -33.9332 -36.9988 -40.3051 -43.6875 -46.9160 -50.3009
-29.0322 -31.7305 -34.7813 -38.1693 -41.5499 -44.8090 -48.8127
-27.2552 -29.8669 -33.0465 -36.5231 -39.8219 -43.6780 -47.7114
-25.8034 -28.6712 -31.8701 -35.1267 -38.7967 -42.7455 -47.0811
-25.0184 -27.7666 -30.7286 -34.1619 -37.9443 -42.1754 -46.5233
-24.3271 -27.0119 -30.0400 -33.5143 -37.4886 -41.7756 -46.1608
-24.0001 -26.7190 -29.7550 -33.2926 -37.3236 -41.5995 -46.0339
-24.0350 -26.8058 -29.8892 -33.4350 -37.3728 -41.7035 -46.1544
-24.4878 -27.2600 -30.5511 -33.9548 -37.8446 -42.0691 -46.5640
-25.4516 -28.1877 -31.4810 -35.1401 -38.8820 -42.9443 -47.4661
-26.8696 -29.5728 -32.7387 -36.5313 -40.3862 -44.5028 -48.8259
-28.8653 -31.5187 -34.6295 -38.2424 -42.1965 -46.2491 -50.6836
-31.8056 -34.1760 -37.1722 -40.6831 -44.4962 -48.3279 -52.7979
-35.0030 -37.5759 -40.2755 -43.7421 -47.3503 -51.0753 -55.1519
-38.6333 -41.2587 -44.0541 -47.1282 -50.8123 -54.3495 -58.2415
-42.7172 -45.3219 -48.1642 -51.2897 -54.6353 -58.2824 -62.0579
-47.5156 -50.0850 -52.7211 -55.7329 -59.1731 -62.6775 -66.4004
-52.8016 -55.2403 -57.9763 -60.8037 -63.9259 -67.5946 -71.2289
-58.4720 -60.8909 -63.4852 -66.2516 -69.2543 -72.5990 -76.3203
-64.3591 -66.8367 -69.2278 -71.8924 -74.6999 -77.8753 -81.5115
-70.7301 -73.0773 -75.2901 -77.7100 -80.4003 -83.4222 -86.7731
-77.0907 -79.6871 -81.7863 -83.8850 -86.4907 -89.2461 -92.4944
-83.8674 -85.9978 -88.2731 -90.3742 -92.6167 -95.3074 -97.9017
-89.0358 -90.5188 -92.5040 -94.3561 -96.3172 -98.4133 -100.6622
-73.9912 -75.0996 -76.3563 -77.7758 -79.1758 -80.6522 -82.1407
Columns 29 to 32 -57.4837 -59.9305 -62.0526 -57.4371
-71.1517 -74.3539 -76.9463 -71.7533
-70.4604 -74.2928 -77.1360 -72.3793
-66.2604 -70.1718 -73.2021 -69.0198
-62.4798 -66.4573 -69.5962 -66.0560
-59.2971 -63.0850 -66.5718 -63.5045
-56.3789 -60.4758 -64.2412 -61.4716
-54.3542 -58.6170 -62.3877 -59.9979
-52.9414 -57.2121 -61.2996 -58.8754
-52.0209 -56.5085 -60.4799 -58.2519
-51.4391 -55.8854 -60.0777 -57.9043
-50.9603 -55.5413 -59.8819 -57.6973
-50.6101 -55.3593 -59.6205 -57.6558
-50.5382 -55.2314 -59.6549 -57.7436
-50.6887 -55.4866 -59.9315 -58.0615
-51.2781 -55.9973 -60.5677 -58.6280
-52.0821 -57.0308 -61.4670 -59.3815
-53.5110 -58.3339 -62.6950 -60.4195
-55.4256 -60.1373 -64.4291 -61.7164
-57.5220 -62.4965 -66.4212 -63.3718
-60.0436 -64.9413 -68.9153 -65.4481
-62.9192 -67.7306 -71.7044 -67.9192
-66.2986 -71.1969 -74.7353 -70.6531
-70.4102 -74.8544 -78.3002 -73.5960
-74.9863 -78.9527 -82.0077 -76.7277
-80.0527 -83.6417 -86.0561 -80.0680
-85.2005 -88.6744 -90.4416 -83.7623
-90.4386 -93.7994 -94.9894 -87.7397
-95.6531 -98.9138 -99.6656 -91.7978
-100.8846 -103.5818 -103.9291 -95.6137
-102.7784 -104.8821 -104.1877 -95.5436
-83.6227 -85.0917 -83.9278 -76.6711
(2,3,.,.) =
Columns 1 to 7 -36.4547 -51.8265 -55.3404 -50.7557 -44.8512 -40.2483 -36.8278
-54.3007 -85.5951 -93.0364 -89.6026 -83.2072 -77.7953 -73.6069
-77.8709 -118.5116 -135.0964 -134.1457 -129.4477 -125.3994 -120.7212
-93.3641 -139.3842 -161.0292 -165.0838 -163.4672 -159.1944 -151.6598
-95.0313 -142.7933 -166.0388 -174.0913 -170.6944 -157.3418 -140.7749
-92.5290 -139.3087 -161.7378 -170.9473 -167.4336 -149.6084 -123.8140
-90.5783 -136.0732 -158.5555 -168.5282 -163.9730 -145.8973 -116.8080
-89.9339 -134.8551 -157.4585 -167.9110 -162.9367 -144.2721 -117.3643
-90.2535 -134.9246 -157.5058 -168.3300 -163.4350 -146.5729 -127.3094
-91.2005 -135.6834 -157.3513 -168.0744 -165.6553 -154.5994 -146.1040
-92.6830 -137.2594 -157.3334 -167.4940 -169.0211 -165.1155 -156.9243
-94.2329 -139.5190 -158.0600 -166.9369 -171.7023 -167.9784 -159.2434
-96.2038 -141.8916 -159.7896 -166.7960 -171.6151 -168.6656 -160.0953
-98.4238 -143.8659 -161.6430 -166.8960 -170.5970 -169.3259 -163.2846
-100.1890 -145.4115 -162.5650 -166.9183 -169.6335 -170.7185 -167.9904
-100.8245 -146.4646 -163.7162 -166.6804 -168.1485 -169.6983 -166.9790
-100.9672 -147.1295 -164.6103 -166.9460 -166.6273 -165.8737 -160.7084
-100.5875 -147.0343 -165.2880 -168.2260 -166.6314 -162.2317 -154.4064
-100.4755 -146.8642 -166.3891 -170.3123 -168.7160 -162.8550 -151.5052
-100.8419 -147.0157 -167.5213 -172.4435 -171.2502 -164.6877 -153.5887
-101.5320 -147.7402 -167.6651 -173.0637 -172.2025 -168.1410 -158.3742
-101.6453 -147.8770 -167.7874 -172.0443 -172.5672 -172.3684 -163.9698
-100.9357 -147.1077 -166.8345 -171.1945 -172.0102 -173.0958 -167.8300
-100.2394 -145.8304 -166.0991 -170.5040 -171.2836 -172.8628 -167.3065
-99.9613 -145.3398 -165.5607 -170.4551 -171.3422 -172.7125 -167.3210
-100.3724 -145.5833 -165.5246 -170.8884 -172.0619 -173.3096 -167.9006
-101.2359 -146.4040 -166.0924 -171.3202 -173.0146 -173.8982 -167.4026
-101.9536 -146.9848 -166.0030 -170.7071 -172.3674 -173.3003 -166.9402
-102.1323 -146.5588 -165.2983 -169.9445 -171.0857 -172.3460 -166.1362
-100.0016 -143.9197 -162.9257 -166.9616 -168.4705 -169.5497 -163.3698
-93.4553 -135.8335 -152.3698 -155.7909 -157.5777 -157.3555 -150.2449
-75.0565 -104.6251 -117.5057 -118.8609 -118.4272 -117.5599 -111.2328
Columns 8 to 14 -33.6394 -31.2328 -30.9443 -32.0243 -32.7149 -30.6948 -28.0748
-70.0033 -67.9309 -67.8310 -70.1098 -70.4676 -66.6580 -62.3688
-116.2133 -114.1199 -115.6596 -119.8577 -120.5997 -115.5777 -110.0593
-143.1422 -140.1561 -143.5468 -152.3016 -156.0005 -151.3305 -146.1480
-128.0918 -122.2965 -127.2406 -141.6766 -153.1016 -156.3960 -154.6395
-106.7549 -101.4977 -108.3374 -125.2489 -138.0987 -145.9847 -149.2823
-95.5781 -90.0473 -98.1822 -115.6305 -128.2654 -136.6710 -143.3400
-99.2673 -91.9371 -99.0828 -113.4846 -121.9891 -127.7876 -136.5052
-114.9767 -108.0058 -107.3145 -113.4688 -113.6723 -118.6606 -133.6628
-135.8358 -128.8754 -114.5805 -105.8022 -104.3077 -113.0487 -131.3804
-146.9077 -130.6145 -110.8797 -97.3740 -95.3804 -107.3267 -127.6456
-147.5991 -130.9687 -109.4527 -90.9708 -86.0871 -97.7974 -119.2943
-149.4533 -133.9052 -113.8635 -92.1561 -80.9581 -90.3729 -113.3291
-155.1383 -141.4087 -121.0010 -97.3452 -84.2182 -89.1139 -114.2904
-161.2244 -148.2346 -127.8718 -107.2236 -99.0641 -101.1941 -122.0087
-159.3352 -148.7791 -132.5887 -123.0913 -120.9268 -123.9885 -132.2582
-151.3359 -138.6801 -127.4425 -121.6063 -120.2433 -121.8334 -123.7930
-142.1689 -128.1091 -115.0392 -106.2944 -102.5610 -101.7921 -102.9869
-137.7314 -122.5437 -109.8282 -101.4201 -96.7729 -94.4490 -94.1751
-138.4333 -124.8568 -115.1629 -110.9621 -108.4196 -105.0416 -100.4562
-145.0031 -135.1889 -131.1814 -132.1257 -132.2474 -125.3395 -119.1365
-153.7159 -145.4357 -145.1512 -150.6744 -151.9044 -146.0209 -141.4568
-154.2393 -143.5586 -143.1493 -148.5600 -156.2532 -158.3002 -156.7407
-153.0154 -135.7733 -127.5824 -130.5679 -137.2842 -145.0694 -149.6552
-153.2504 -133.9012 -113.2749 -108.2429 -112.7135 -122.6012 -133.2580
-153.6429 -134.7780 -109.1889 -85.7329 -82.7109 -92.9598 -105.0224
-154.5555 -136.0734 -108.9778 -72.9622 -41.8483 -35.7961 -39.8486
-153.7666 -137.0327 -111.2732 -70.7629 -14.6663 26.0063 36.7470
-153.7932 -138.0042 -119.0329 -67.6905 -2.1796 54.1631 84.4655
-152.9443 -144.7160 -122.0334 -68.1015 -0.2845 56.3191 91.9528
-141.7450 -135.5731 -119.1017 -71.6732 -14.6916 34.7922 71.5662
-104.0300 -99.3449 -88.2011 -60.5929 -24.5342 8.8691 42.0292
Columns 15 to 21 -26.7427 -25.4195 -22.0556 -16.6075 -10.8359 -6.0571 -2.4474
-59.8254 -57.9628 -54.3581 -48.8659 -42.8817 -37.2818 -32.8919
-106.8050 -104.4514 -101.1632 -96.8723 -91.9506 -86.8653 -82.2676
-142.8866 -140.3805 -137.8194 -134.5425 -130.5626 -127.3632 -125.1397
-151.5046 -148.6402 -144.5135 -138.0488 -133.1993 -131.5842 -134.1632
-147.3582 -145.8223 -143.1400 -130.0511 -114.1764 -106.6917 -105.7511
-145.7634 -147.1484 -145.8411 -130.9663 -105.6663 -84.9225 -78.3903
-145.8796 -148.5276 -147.3086 -132.8667 -105.7023 -80.6505 -69.2917
-141.7349 -141.7499 -141.7903 -131.4398 -108.2968 -91.1982 -83.3845
-137.9161 -133.3583 -132.0313 -126.9841 -120.0144 -117.0514 -111.4430
-135.8341 -130.3269 -125.4012 -126.3201 -131.1353 -136.7081 -141.5640
-133.1375 -130.6847 -124.3553 -120.5018 -122.4642 -129.1422 -140.9023
-132.0820 -132.0760 -127.5394 -119.9184 -117.3824 -122.6028 -132.5153
-136.7366 -139.2944 -132.2422 -125.6994 -123.4157 -125.1810 -122.1561
-146.9010 -149.6850 -143.3644 -139.5662 -138.7420 -137.2084 -122.4209
-149.6593 -156.1301 -156.9499 -154.7382 -152.9020 -144.0356 -125.8373
-130.1010 -143.1052 -153.8352 -152.2130 -146.5771 -141.5329 -128.1076
-110.0372 -123.8271 -140.4474 -143.0943 -134.9890 -130.7043 -127.4289
-98.6989 -113.9535 -132.4786 -135.1536 -127.4529 -122.3489 -123.0063
-101.2789 -113.9994 -131.7094 -127.1522 -118.0411 -113.6991 -117.5732
-117.8762 -123.3538 -134.6001 -119.7834 -106.2415 -103.3711 -113.2462
-139.9401 -142.2716 -138.8317 -116.6372 -99.8865 -97.8742 -111.7829
-155.6738 -154.3671 -139.5551 -117.3630 -103.1286 -100.9022 -114.1826
-150.4369 -147.7455 -137.1653 -122.3600 -114.2622 -114.5875 -122.9377
-136.8910 -135.4618 -132.0069 -127.0831 -128.3360 -133.1549 -136.6799
-107.2941 -107.3748 -108.8976 -118.1572 -132.6552 -142.8547 -144.5373
-41.8188 -49.6042 -74.7643 -106.8675 -126.8157 -136.2462 -139.1631
33.1181 10.2854 -33.3151 -74.3241 -98.4018 -114.6898 -130.2935
85.8976 64.6580 25.6067 -13.6279 -48.3098 -92.6587 -123.9666
109.1862 102.5142 81.6337 49.8685 -9.0997 -79.2369 -105.7018
98.7173 113.8629 109.4666 77.9850 9.9339 -63.8501 -80.5639
69.6593 87.1031 91.4187 73.1918 20.7844 -41.5221 -50.9679
Columns 22 to 28 -0.3049 0.7184 1.0143 0.9698 1.7303 3.9522 6.9231
-29.3066 -26.7278 -26.0020 -25.9077 -22.7291 -14.0080 -1.0435
-78.6815 -76.7498 -75.7062 -73.8327 -63.9452 -41.1629 -7.3385
-125.3589 -125.3447 -124.6936 -118.8056 -98.0912 -52.7987 -6.8221
-137.9950 -142.8679 -147.6172 -137.0796 -99.6402 -47.7174 -2.0989
-112.0770 -123.8599 -137.5105 -137.6382 -98.9070 -44.6185 -0.3236
-83.0177 -97.4060 -123.2983 -136.9230 -100.2306 -47.8918 -7.2355
-68.5563 -82.9964 -110.0242 -133.8762 -103.1051 -56.9810 -23.8838
-78.2080 -82.7260 -106.6141 -131.1168 -106.9730 -70.8842 -48.8430
-109.6545 -107.1412 -112.9902 -133.3977 -116.2915 -95.8864 -83.0526
-140.8137 -139.3531 -137.9366 -139.5027 -134.9419 -130.0831 -123.1084
-150.9889 -151.5646 -148.4308 -149.1543 -155.4386 -155.5928 -153.0682
-134.5409 -133.0720 -134.0048 -147.7682 -160.7690 -164.9298 -163.1767
-117.7168 -115.3069 -123.8025 -139.4025 -149.0424 -153.1826 -153.5587
-108.3316 -105.5224 -113.2857 -123.7128 -128.0555 -130.4301 -132.6647
-107.6624 -98.5170 -102.5963 -104.5465 -104.2359 -106.6423 -112.1381
-110.4045 -92.4242 -86.9629 -86.7515 -85.3330 -88.4844 -96.6652
-110.8910 -89.6877 -76.8503 -73.5898 -73.6700 -78.3293 -88.1318
-110.7262 -90.4794 -74.9359 -69.0674 -69.2371 -74.9547 -85.6154
-112.8515 -96.5346 -79.2891 -69.7820 -69.1985 -76.0088 -86.7813
-120.9628 -105.6949 -85.4527 -72.9419 -71.7734 -79.3157 -91.1741
-128.2369 -113.8541 -91.8276 -78.1806 -75.7017 -84.2426 -99.5022
-133.4317 -119.4620 -97.4876 -84.0744 -81.3992 -88.9730 -103.8432
-136.3238 -120.6374 -93.1397 -68.1986 -59.5202 -61.5992 -69.9144
-137.1568 -119.9486 -88.1090 -42.4703 -6.2811 5.8914 -6.2134
-135.8582 -120.1551 -89.9553 -27.5079 35.4197 64.7541 55.0375
-133.5070 -121.9034 -88.3370 -22.2055 48.0162 85.8291 84.6826
-127.5272 -112.8478 -82.0199 -21.4693 34.2923 63.6447 65.3814
-114.1114 -99.9419 -73.5328 -34.1116 -2.0100 10.0357 12.6111
-89.6968 -72.0568 -56.4889 -41.4097 -30.1192 -24.5462 -22.8495
-56.1822 -34.6446 -21.7396 -10.4818 0.1638 6.2079 8.7895
-26.4935 -9.3622 0.2156 8.3633 16.7571 23.1236 25.3076
Columns 29 to 32 10.1088 11.4311 10.7304 9.5710
9.7807 14.0837 14.0012 11.0001
14.5380 22.0619 22.7716 18.5219
20.7771 29.6396 30.5800 25.1285
24.2307 32.4428 32.0819 26.2353
22.3349 28.4214 26.1514 21.2736
10.2178 14.7254 11.9090 7.9085
-11.4054 -7.8665 -9.3324 -11.6365
-38.7168 -35.4472 -35.0316 -33.4408
-74.8292 -69.1321 -66.0356 -57.4530
-114.6090 -104.6821 -96.1504 -81.1821
-141.9618 -126.9615 -107.1043 -88.7590
-152.3771 -130.8834 -102.6796 -80.5693
-149.9866 -130.9766 -101.5806 -77.6477
-134.4622 -126.8301 -104.3439 -82.9967
-117.2788 -119.8448 -111.0766 -93.3426
-104.8365 -112.3280 -116.4808 -102.3518
-98.7461 -109.0993 -117.2581 -104.9809
-97.5422 -109.0152 -114.1723 -101.0158
-99.2321 -110.6219 -113.0055 -98.3986
-103.6365 -114.6973 -114.2803 -99.2620
-110.9946 -120.3574 -117.5757 -100.9717
-117.2098 -121.1475 -107.6046 -86.9773
-91.6520 -112.7595 -93.2338 -68.0108
-43.7632 -83.1102 -82.5200 -57.4377
12.6440 -49.6928 -75.3339 -55.9097
39.2907 -30.6573 -71.3185 -60.2377
37.1137 -25.5159 -69.0481 -66.3803
3.3165 -27.4715 -56.9955 -52.9625
-22.0874 -21.6942 -22.4407 -19.1087
9.8125 12.1399 15.7675 16.3792
25.3447 26.8606 28.7049 27.3322
(3,3,.,.) =
Columns 1 to 8 -66.5346 -88.4053 -98.0192 -98.0911 -96.1300 -92.5613 -89.2849 -87.3374
-74.3273 -108.6087 -120.0267 -120.0613 -116.2804 -112.6079 -110.8277 -109.9961
-74.4690 -108.8481 -124.2095 -125.0359 -120.6797 -118.2366 -118.2882 -115.7100
-71.8738 -104.4815 -118.5794 -122.0863 -120.1319 -116.7314 -112.5283 -105.7710
-70.6814 -101.4844 -115.3416 -120.3648 -118.7805 -112.2027 -102.1918 -89.9242
-71.2530 -101.7860 -116.0767 -118.1530 -111.8159 -101.4900 -87.0895 -72.7925
-73.0678 -105.9822 -120.1284 -114.8559 -101.3161 -85.8223 -70.7159 -58.3753
-74.8374 -110.2563 -125.3929 -111.5853 -89.7696 -71.9568 -58.8776 -52.4099
-75.5773 -111.3881 -126.6019 -111.1066 -82.9133 -63.1879 -55.8643 -54.9504
-76.7666 -113.6762 -128.1363 -111.3215 -85.3456 -66.9915 -61.3474 -69.8563
-79.4209 -116.9670 -130.3879 -118.2708 -99.7655 -86.1702 -81.4078 -85.4520
-77.5376 -116.6394 -135.5530 -132.0861 -123.9638 -115.4571 -107.1617 -101.4386
-74.4271 -111.4649 -128.2633 -133.6170 -138.2099 -132.0120 -121.2982 -109.6359
-72.0067 -100.9314 -105.9855 -112.3334 -120.6802 -121.3447 -114.3841 -102.6532
-71.3330 -94.3129 -84.1306 -82.3042 -87.8247 -94.0915 -99.8561 -91.1239
-73.1499 -98.1475 -81.1236 -63.5543 -61.2933 -70.5008 -83.9742 -83.8625
-76.0736 -106.6745 -92.0262 -68.7999 -54.0698 -55.8654 -69.6215 -75.6183
-77.4135 -114.4602 -109.2332 -86.9782 -66.4829 -54.3175 -57.9404 -66.7946
-76.6893 -115.8649 -127.1066 -111.7402 -87.8546 -68.4947 -56.8128 -56.6969
-78.4980 -116.9290 -138.0952 -133.3085 -113.0624 -88.5243 -66.9854 -50.4634
-82.7309 -122.4508 -141.7816 -147.7730 -134.7150 -109.5764 -80.8094 -55.1649
-86.4805 -129.4860 -147.8778 -156.3817 -149.4427 -128.3656 -97.1659 -66.3577
-86.5577 -130.8082 -150.9900 -160.5107 -159.5670 -143.2459 -115.7319 -81.9957
-81.9265 -125.0043 -147.2670 -160.0782 -165.4295 -155.0792 -133.0075 -105.7385
-77.9642 -119.6148 -143.2628 -157.4537 -166.5476 -163.5315 -150.2721 -125.9671
-75.9071 -116.9534 -139.2453 -153.4092 -162.3779 -168.6358 -161.2052 -140.4019
-73.8667 -112.9128 -135.3216 -147.6907 -158.2737 -167.0770 -165.9262 -155.2341
-71.7310 -109.3680 -131.9691 -144.5565 -154.1210 -162.2231 -168.3405 -166.0446
-71.2305 -107.8117 -128.8914 -141.3238 -149.0907 -156.1631 -163.8342 -168.8834
-71.0141 -106.2260 -126.2004 -136.1348 -139.6473 -143.7915 -151.3603 -159.8714
-69.6904 -104.7511 -121.6755 -123.4344 -123.7941 -125.0419 -132.1351 -142.4060
-58.6575 -85.0163 -97.3225 -95.5150 -92.7878 -93.2021 -98.3916 -107.2611
Columns 9 to 16 -86.5597 -84.3221 -82.0366 -79.6121 -79.6001 -83.8394 -89.3308 -88.7311
-106.6959 -103.8436 -97.2131 -92.5536 -93.8555 -100.9858 -108.4834 -108.8121
-108.6742 -100.0235 -92.0092 -88.4262 -89.8103 -94.9329 -101.7147 -108.2041
-94.6187 -84.6206 -79.9311 -83.0333 -84.6896 -86.1835 -91.5819 -100.8257
-77.4793 -69.0493 -70.2251 -81.7536 -86.9417 -82.3646 -82.6832 -89.5306
-62.5960 -58.8184 -65.4402 -83.2061 -90.0397 -79.2363 -70.7181 -70.6646
-53.6580 -56.3534 -66.2950 -83.5837 -86.8147 -71.0874 -55.8466 -48.9496
-53.0333 -64.1491 -73.3933 -86.9058 -84.1974 -61.0095 -39.5566 -28.4083
-60.8359 -76.7384 -88.8106 -92.1850 -80.8305 -55.4692 -28.5262 -13.8251
-75.7189 -85.8732 -97.6705 -87.9847 -70.7710 -48.4158 -23.3439 -7.4910
-92.9942 -94.3038 -93.2754 -82.6982 -64.0992 -41.7345 -21.2674 -8.1857
-101.0734 -94.6231 -90.8848 -82.8945 -67.7108 -45.5246 -28.1261 -15.7628
-98.0866 -92.4455 -92.8502 -91.7621 -79.1006 -60.8740 -45.6092 -32.7144
-89.5034 -81.9425 -83.9346 -95.8554 -92.7806 -79.8957 -65.4803 -52.0138
-76.5642 -65.9347 -68.6377 -84.2064 -98.0488 -89.0093 -72.0614 -56.6716
-63.7612 -50.4417 -49.8274 -64.6204 -86.8296 -89.8287 -69.6975 -51.3315
-59.3046 -39.3729 -33.8470 -45.6250 -68.1912 -86.1159 -70.1201 -51.3718
-56.1083 -37.1884 -26.6152 -31.3447 -51.5378 -76.5673 -75.6224 -61.8662
-51.3429 -41.1981 -25.3201 -23.1061 -38.5477 -69.4147 -89.4178 -85.5737
-48.6684 -43.7525 -28.4326 -18.6187 -29.7639 -62.4213 -101.4436 -111.1713
-42.8016 -41.6765 -31.6873 -18.7974 -24.4609 -55.9685 -97.7168 -126.3601
-43.3559 -37.4069 -30.1758 -23.3120 -24.1431 -47.1089 -83.9619 -122.7811
-55.9318 -36.8242 -29.9718 -30.0003 -26.6994 -35.8862 -65.6706 -108.1404
-72.1209 -47.3582 -34.0408 -30.5962 -26.4394 -27.5345 -47.9769 -88.6384
-92.4209 -65.4741 -46.4620 -35.4335 -28.6941 -23.1059 -35.6282 -66.4758
-117.1214 -90.6151 -69.8809 -51.5055 -34.7390 -26.5025 -29.3479 -53.0169
-139.4011 -120.5928 -97.2355 -71.7932 -49.9799 -40.0908 -38.0814 -54.6235
-156.5574 -142.4150 -120.6640 -95.6941 -78.0735 -64.1228 -62.7651 -72.9316
-165.4066 -155.0766 -140.3890 -124.2270 -105.3913 -93.3163 -90.5055 -98.7954
-163.4539 -161.1462 -154.1137 -142.2383 -126.6024 -116.1524 -111.3806 -116.3728
-148.0563 -149.9961 -152.0084 -148.5840 -138.2644 -129.7770 -125.9232 -125.7087
-113.3052 -115.4018 -119.3261 -119.6535 -115.5199 -110.6898 -107.4354 -104.8581
Columns 17 to 24 -87.8154 -89.5992 -94.3542 -100.1590 -105.3657 -109.3110 -109.1861 -105.3895
-107.8375 -110.8085 -113.8435 -118.8206 -125.8363 -133.3781 -133.6994 -124.7866
-114.9045 -117.3951 -116.5393 -116.4776 -122.7625 -133.1209 -132.0786 -114.8598
-111.1374 -115.4851 -112.7511 -112.0692 -117.5577 -126.6321 -124.6996 -106.5157
-96.2710 -100.2827 -101.2962 -102.6998 -104.8106 -108.3379 -107.3704 -96.9463
-73.5664 -77.4120 -82.8731 -85.3023 -83.5977 -81.3226 -80.2903 -78.4667
-48.9604 -54.7117 -62.2202 -63.8040 -60.8651 -57.4991 -55.2737 -55.5971
-27.6747 -34.7009 -38.5363 -39.9864 -38.3897 -37.0183 -39.5625 -42.0697
-12.5117 -17.3782 -20.8296 -20.0487 -22.5057 -29.8940 -36.6955 -42.0942
-3.7952 -7.2412 -10.6363 -13.9935 -21.2485 -33.9423 -47.5099 -54.3379
-2.1401 -3.6352 -10.9217 -19.8621 -26.9480 -41.5832 -60.1583 -73.8390
-7.4906 -6.1615 -16.2646 -27.1185 -32.2809 -40.1173 -58.8187 -74.5686
-21.2530 -15.8990 -23.9931 -32.5412 -30.5380 -35.4738 -52.1275 -66.7027
-37.8668 -29.4187 -30.6752 -32.8156 -29.6437 -32.1943 -48.9371 -66.9764
-43.3408 -34.2078 -31.5953 -30.0698 -27.3673 -33.8021 -47.9778 -62.8916
-38.9603 -33.0757 -31.0322 -24.3444 -21.3208 -25.1750 -31.2329 -48.8525
-40.5195 -37.6275 -36.3878 -29.4114 -10.8280 -3.6522 -10.6280 -37.9455
-55.2211 -51.7911 -50.0991 -40.9190 -13.5025 7.9271 2.1638 -35.7663
-79.3540 -72.1205 -67.6070 -53.8177 -22.4330 7.9890 4.7397 -38.2238
-102.6901 -93.8528 -88.8563 -71.4415 -31.3239 1.3695 -1.4200 -43.3676
-124.5481 -119.9527 -115.8856 -90.0949 -45.2318 -8.9769 -10.7943 -51.6813
-144.6326 -145.7808 -139.2039 -108.6623 -60.1506 -20.2697 -16.5948 -54.2110
-142.7906 -156.0853 -150.4528 -122.4255 -71.6766 -30.6067 -19.5600 -45.8699
-124.9777 -142.8286 -148.0668 -126.5517 -81.0609 -36.1773 -17.7237 -36.2513
-101.1040 -121.6428 -131.5541 -125.5207 -88.0016 -45.4002 -20.4253 -29.6027
-86.2100 -109.0258 -120.5462 -122.6818 -99.6896 -59.6768 -32.3069 -29.1236
-86.5214 -109.3140 -119.4408 -126.1402 -113.4709 -79.8166 -52.8290 -38.2019
-99.3361 -121.9350 -130.9106 -134.1729 -127.1820 -102.0481 -70.3887 -50.0724
-118.6985 -136.6843 -144.3446 -146.8224 -139.3302 -117.5783 -87.0264 -65.1132
-128.8078 -141.1194 -143.1306 -145.4739 -144.4258 -130.7099 -108.9022 -82.4249
-128.9030 -132.0382 -131.5495 -131.7875 -135.6942 -137.3012 -124.1849 -97.0521
-104.3772 -103.4994 -102.0255 -101.3899 -104.1117 -109.7278 -104.3229 -86.5117
Columns 25 to 32 -99.2747 -92.9739 -90.2178 -93.9828 -102.1445 -107.6970 -105.5255 -94.5718
-114.8901 -107.5679 -106.3905 -114.3183 -127.5280 -136.1603 -130.8430 -112.7020
-95.7570 -86.7332 -89.4835 -108.0005 -132.9733 -142.6227 -128.0401 -105.4153
-83.5395 -70.4521 -74.0711 -95.0185 -121.8766 -137.4503 -123.2223 -100.2549
-79.3596 -64.1005 -63.2120 -77.3677 -100.0181 -117.2913 -118.0381 -102.6075
-73.4523 -62.0888 -57.8454 -65.2194 -80.7290 -95.3498 -107.4497 -106.9085
-58.6726 -63.4953 -62.9679 -65.0722 -71.5003 -77.6304 -88.9655 -98.4281
-51.2463 -70.3309 -76.9777 -75.3781 -69.3874 -64.4289 -73.7062 -86.4436
-51.6701 -73.4127 -91.3562 -83.6327 -67.2017 -60.2392 -67.1824 -79.3736
-60.2242 -74.4799 -83.1310 -78.6393 -67.8475 -65.0932 -71.3566 -81.0845
-76.0268 -73.2200 -72.2047 -72.8527 -74.0318 -78.8276 -86.7474 -88.0818
-74.6045 -71.4154 -71.0497 -73.0423 -83.3885 -96.2144 -103.4083 -98.8065
-71.9515 -73.4994 -76.7887 -86.0232 -96.9030 -109.5209 -116.4076 -105.5918
-77.0658 -83.2623 -93.6962 -105.1194 -115.6936 -124.2772 -124.0464 -109.7956
-82.5907 -103.3307 -113.2319 -123.3096 -133.8829 -135.6992 -125.8434 -109.2261
-84.1416 -119.3123 -131.8863 -134.4006 -139.6419 -138.2401 -126.1657 -108.0991
-84.0726 -124.5257 -139.7941 -138.8471 -138.6601 -135.8690 -125.6264 -107.6060
-88.7895 -124.2587 -138.6325 -138.2630 -137.4666 -134.9531 -124.4491 -107.9443
-96.5908 -128.1289 -136.1680 -137.1018 -137.5608 -133.5308 -124.1873 -109.0004
-100.3780 -132.7577 -135.7053 -136.2992 -135.5072 -131.1104 -123.3828 -109.1119
-102.2691 -130.9163 -134.9717 -135.2232 -133.9698 -129.6094 -121.5666 -109.0603
-99.7184 -123.8042 -129.9958 -132.2206 -134.1031 -129.7900 -123.5644 -110.3456
-88.3929 -115.4326 -123.7986 -128.5331 -132.3517 -131.3274 -125.4682 -111.7818
-76.0890 -108.5279 -120.6001 -125.5772 -130.1192 -130.6293 -124.8935 -111.8477
-66.6234 -103.1133 -120.4222 -125.4500 -128.4267 -130.3247 -126.0532 -113.3069
-59.8151 -94.5704 -118.9626 -126.9217 -127.4897 -129.7697 -128.4588 -115.4539
-51.6820 -82.9914 -113.8835 -126.5212 -126.8103 -129.0750 -127.7145 -115.3745
-48.7633 -73.4809 -101.9201 -117.6280 -119.5762 -122.0137 -126.8042 -115.8299
-52.8790 -61.7898 -80.8132 -94.8101 -100.9999 -112.8512 -125.2027 -117.7745
-60.3772 -52.6731 -61.0147 -71.1728 -87.2470 -105.4025 -123.5577 -120.8186
-72.8541 -54.5557 -50.8319 -60.2725 -77.4898 -101.3972 -119.1215 -116.9119
-64.5366 -49.7915 -41.3645 -44.1047 -60.8961 -80.7779 -94.2551 -92.9344
(4,3,.,.) =
Columns 1 to 8 -57.1858 -78.2586 -91.5960 -86.8524 -78.3400 -73.9512 -73.8598 -78.6886
-66.8568 -100.8050 -116.7182 -115.0610 -107.7854 -103.3406 -102.6670 -106.6738
-73.2565 -109.2079 -126.8881 -129.9407 -127.7864 -126.8255 -127.1176 -129.0681
-75.4830 -112.3750 -127.5061 -132.2418 -135.5192 -138.8441 -140.9869 -143.2762
-75.4589 -112.4879 -126.7173 -130.6672 -133.8965 -137.3779 -139.3065 -141.8709
-76.1146 -112.9129 -124.8304 -125.3488 -127.1314 -128.1657 -128.1147 -128.6366
-77.0712 -113.3298 -116.2038 -112.8153 -111.9065 -115.0057 -115.8701 -111.4225
-74.3977 -110.0694 -108.3229 -99.8128 -98.8602 -106.1787 -109.6095 -101.3518
-68.1387 -101.8703 -103.8238 -95.7167 -94.0804 -100.9309 -107.7018 -100.1377
-60.3101 -91.6500 -103.2003 -102.0334 -98.7089 -100.8728 -109.3906 -106.3557
-54.3077 -83.9097 -104.0701 -115.1035 -114.0087 -110.8808 -115.6646 -119.2034
-51.0708 -78.6550 -102.4200 -124.9720 -130.6366 -127.2015 -124.3828 -124.9059
-49.5003 -75.2153 -97.4537 -120.2824 -137.8646 -133.2145 -122.0923 -112.5563
-47.5127 -70.6408 -88.9909 -107.8593 -123.6901 -125.0872 -115.0896 -103.4988
-45.7937 -65.6059 -78.7046 -89.5317 -99.8975 -103.8536 -104.6962 -99.4794
-45.9371 -62.3712 -63.5480 -66.2621 -71.9952 -80.5907 -90.9719 -94.9591
-45.8553 -53.9064 -47.2972 -42.8419 -45.1605 -53.9921 -68.4682 -77.9986
-35.9269 -36.4415 -27.5788 -19.5186 -17.5654 -24.6219 -36.4614 -45.7962
-24.3047 -18.1646 -6.3799 1.7365 4.7155 2.2843 -4.6950 -10.9294
-16.1213 -7.0672 4.9104 12.9100 16.8568 17.5775 15.6113 12.4190
-12.2100 -3.6669 6.5702 13.3460 17.6958 20.3156 21.5693 21.6650
-11.0256 -6.3981 0.7685 6.2137 11.0624 14.9335 18.4448 20.8393
-9.1581 -11.4054 -8.5401 -4.3353 -0.0445 5.1696 10.7508 14.3128
1.1744 -2.6383 -6.0985 -8.1263 -6.8770 -2.3759 2.3523 4.9674
9.3954 9.3508 7.6471 6.4765 5.7133 5.0947 4.1660 2.5977
10.2684 14.1422 16.2527 19.2859 20.5926 19.7357 18.1170 16.0111
6.7572 9.5018 14.0990 20.4525 24.8029 26.5576 27.7063 27.7421
1.8123 3.6765 9.1796 15.4940 19.8006 22.9112 26.4995 29.6413
3.3486 6.0023 9.3136 12.0256 14.2102 16.6660 20.2241 24.2493
3.7717 8.3405 13.1723 16.7915 17.5976 17.2072 18.0813 20.1971
3.2119 7.3782 12.7543 17.6353 20.3025 21.7642 23.5680 25.9008
1.6557 5.1100 9.7994 13.9118 16.4995 18.7225 21.2741 23.9625
Columns 9 to 16 -87.4993 -91.6169 -87.8333 -84.7498 -84.1860 -85.8016 -86.4093 -82.9862
-116.0889 -120.3572 -115.0744 -110.0742 -108.4087 -109.9057 -110.6347 -106.5993
-134.5153 -136.1892 -129.4283 -123.5070 -121.1212 -121.6115 -121.2174 -116.2246
-145.9063 -143.8101 -137.2680 -131.4656 -128.0769 -127.4988 -125.7344 -120.5328
-144.3782 -144.2934 -138.8048 -132.5157 -128.7656 -127.9002 -128.6275 -124.6875
-129.1588 -129.7026 -127.5243 -121.5335 -117.5112 -117.4630 -121.3788 -120.6357
-109.6316 -109.8978 -111.1252 -106.9559 -102.6487 -105.1569 -107.4691 -100.9666
-96.3459 -97.8743 -97.9815 -93.3932 -91.6148 -97.6159 -95.3347 -79.7577
-94.0649 -94.5728 -91.0902 -85.9892 -85.9967 -93.1569 -87.1716 -63.2017
-102.0094 -98.4722 -88.8332 -82.2023 -83.7287 -89.7532 -79.8985 -53.1032
-116.7629 -104.7013 -89.0547 -79.8495 -81.8561 -83.4392 -72.7707 -47.2987
-120.6409 -106.3971 -88.6772 -79.1581 -78.6016 -77.0813 -66.7312 -44.4650
-106.8131 -99.6054 -86.5304 -80.0519 -78.5221 -73.9520 -63.6959 -46.1947
-94.1999 -88.0728 -84.5119 -83.6952 -81.1441 -74.2721 -65.5569 -50.3403
-89.4372 -84.3328 -86.1598 -90.4006 -84.6372 -76.7464 -68.5496 -53.8826
-88.9536 -86.9756 -91.9132 -97.2190 -88.8796 -80.3551 -71.7249 -57.7125
-78.5141 -81.4046 -93.7649 -99.7109 -92.8232 -85.5925 -75.8340 -58.7071
-50.4392 -61.4203 -80.1749 -91.0336 -89.1570 -85.8615 -73.0031 -51.1444
-18.7314 -34.3783 -56.0742 -70.2256 -73.5998 -74.6974 -65.6198 -41.9503
5.8965 -8.2932 -30.3169 -51.1969 -58.4812 -57.9572 -50.0807 -29.7330
18.5394 8.5839 -12.1354 -39.1418 -51.7089 -46.0895 -36.1639 -17.1017
20.9641 15.1418 -2.6722 -28.7114 -50.0085 -44.6553 -32.3688 -14.4032
15.6451 13.8044 2.0217 -23.3823 -47.6379 -50.1135 -42.3166 -24.5719
5.8519 5.9213 -0.2314 -20.5198 -48.9967 -66.7434 -64.7474 -47.9459
0.8251 -1.3819 -5.8260 -22.5351 -55.3075 -80.7937 -87.0815 -73.5909
12.7563 8.8360 0.8415 -19.2451 -52.6905 -75.2807 -76.9701 -76.4450
26.2912 23.3939 15.5897 -7.4334 -44.1939 -56.8386 -46.1225 -42.8714
31.2425 31.0143 24.2255 1.1582 -31.2994 -39.5245 -23.1907 -14.4220
27.1388 28.7656 24.5624 7.5147 -14.5614 -20.6415 -9.1213 3.5678
22.3300 22.9703 20.0606 10.3438 -3.0172 -5.1929 -0.0533 10.3544
27.1988 26.4209 21.0591 7.6079 -0.7454 -1.0223 2.0045 11.2226
25.6389 25.3702 20.0461 6.5746 -4.1579 -2.5621 1.1965 10.0093
Columns 17 to 24 -76.2193 -67.9718 -62.0868 -59.9729 -63.0044 -72.8129 -86.6966 -97.3775
-98.6130 -88.8788 -80.6807 -77.9304 -83.8779 -97.9081 -115.7723 -129.4081
-108.1442 -98.0202 -90.1050 -87.9559 -95.4364 -114.5033 -133.3146 -145.7138
-112.6213 -103.8050 -97.4341 -95.7674 -102.9537 -119.7766 -135.5533 -141.9694
-118.8250 -113.0524 -108.8669 -106.6885 -109.5853 -119.4387 -126.1493 -132.1193
-118.4520 -117.5397 -115.4625 -111.0300 -109.2696 -110.6460 -116.0498 -125.9151
-96.1589 -96.0612 -99.6959 -98.3671 -95.2219 -98.5135 -111.7054 -125.2154
-68.1932 -68.4167 -75.9646 -81.1229 -82.8107 -91.6664 -111.7131 -130.3353
-43.9557 -40.9993 -51.4712 -67.4690 -78.2092 -90.1145 -112.6655 -135.8327
-26.4106 -17.9561 -31.8526 -57.2662 -76.2002 -91.4768 -112.2761 -131.6529
-19.0042 -5.5347 -17.7845 -46.2264 -71.4628 -85.7253 -100.6673 -116.0207
-18.6535 -2.5286 -8.9968 -37.1124 -62.4374 -73.1723 -81.7426 -91.1839
-22.1345 -6.1923 -7.1590 -30.4269 -54.3905 -58.1971 -60.5674 -64.5090
-28.6528 -13.9132 -11.9002 -27.5598 -48.2398 -47.8066 -42.6449 -42.6007
-35.5388 -23.3985 -20.5468 -28.5691 -44.8304 -43.8078 -33.5182 -27.0480
-41.9709 -30.8521 -27.3123 -32.1142 -44.0899 -41.7808 -30.9870 -22.0089
-38.7404 -25.1109 -21.3963 -28.0069 -40.3502 -36.6091 -26.9114 -18.0498
-29.7544 -15.2108 -10.9388 -18.3118 -30.2301 -27.8874 -16.5905 -7.9373
-20.1672 -8.6363 -5.3920 -11.3011 -22.1700 -18.6455 -7.5926 1.8592
-9.9374 -1.4124 -2.2012 -10.5220 -18.7397 -14.6929 -5.6670 4.2196
2.1173 9.9971 5.6552 -6.5888 -14.7519 -17.4471 -9.9987 1.3648
8.0268 21.0978 19.4378 10.6152 -0.3551 -7.8691 -2.4287 9.0212
-0.0878 25.5560 36.8692 34.2737 29.1822 28.6239 28.6010 32.2784
-19.6873 13.4023 43.6963 57.5162 60.4703 63.4062 62.1462 55.0312
-46.7045 -6.7368 33.7794 61.8699 74.9578 78.5995 75.6651 63.4942
-63.1666 -26.1031 18.0538 52.6277 69.8306 75.0021 71.5426 59.1787
-47.7394 -34.5292 3.9050 36.7453 51.0700 56.9594 54.8234 46.7286
-19.1767 -21.1137 -1.4131 19.5326 31.5644 36.4078 37.3294 33.4196
5.5959 3.6997 7.4692 18.0527 27.9715 34.1569 36.4211 35.0737
19.9935 22.4022 22.9862 26.4555 33.8792 40.5026 43.3929 43.3099
23.3582 30.7552 31.8679 32.4709 37.8034 43.5111 46.0329 46.8424
20.3625 26.9973 28.7160 28.8850 32.3871 35.9860 37.8176 38.5620
Columns 25 to 32 -100.8974 -100.1119 -97.9217 -94.8360 -87.1293 -74.1271 -60.9340 -50.4374
-134.5626 -134.2012 -132.7008 -129.6473 -120.5217 -103.4517 -83.0104 -65.5097
-152.7786 -155.5263 -155.7581 -152.8608 -142.0257 -119.4253 -93.2677 -72.7676
-150.8150 -160.4304 -165.3741 -162.8514 -150.1110 -125.3880 -97.2591 -75.5632
-143.3214 -154.9938 -160.9327 -161.8317 -151.1090 -127.5409 -99.2843 -77.2721
-137.3427 -148.0152 -153.8966 -154.9369 -148.4909 -127.6381 -101.0937 -79.4457
-134.5910 -143.7569 -147.2265 -146.8404 -140.3513 -125.2114 -101.6660 -82.3034
-136.2264 -140.0351 -135.2118 -129.2357 -122.9572 -110.7404 -96.3648 -80.9519
-140.6527 -131.4818 -112.6969 -92.4382 -80.7484 -73.1995 -67.3432 -66.2809
-132.3310 -113.4665 -81.7667 -45.2487 -23.1805 -17.2843 -29.0291 -51.2595
-112.7569 -87.5736 -47.4014 -3.7925 24.9351 26.7240 -3.3573 -42.6935
-88.3129 -61.3116 -17.7112 25.8138 51.9454 47.0162 4.8995 -40.7220
-64.7291 -41.1687 2.2112 42.3526 62.4992 48.2577 1.8664 -41.9778
-41.6636 -24.7739 12.6036 49.0543 61.2453 40.4035 -8.6759 -47.2670
-21.7650 -10.5677 19.4957 44.9555 48.7614 25.3876 -23.1386 -56.0113
-14.1161 -0.8958 19.2951 29.4563 26.7258 4.0863 -37.2870 -64.1151
-11.6179 -0.4802 5.7824 7.4510 1.8455 -17.8137 -48.9474 -68.1740
-3.3127 -3.4809 -8.9912 -12.3431 -18.4843 -33.7117 -57.4562 -67.7647
6.3087 2.5873 -8.8509 -19.2134 -26.0925 -39.5257 -55.4461 -57.6857
10.6393 8.9619 0.7684 -7.1542 -15.5055 -26.8429 -37.0372 -37.9698
12.4821 17.5550 15.5364 9.9067 3.1557 -5.6113 -12.0269 -13.2437
20.4150 27.1418 29.1614 27.1254 22.3134 16.8009 13.1218 10.5980
34.9482 39.3551 42.1820 42.2396 40.0202 37.8015 35.7557 31.3026
47.9373 48.6581 51.0663 53.3519 54.3788 54.5934 53.7148 48.1448
51.8846 51.0501 53.7646 57.0308 60.3700 63.0481 63.7865 58.0206
48.2052 47.5515 50.5871 55.0772 59.5585 63.7399 65.8463 60.7248
38.0658 38.5105 43.0329 48.7062 54.6693 59.1620 61.5058 57.2390
27.8526 29.1017 33.8353 40.2292 45.7627 49.8615 51.7400 48.2200
31.8622 29.5878 29.8241 33.7864 37.5757 39.8845 40.5458 37.2494
41.8055 40.3313 39.1189 38.7566 38.6835 37.4826 34.5553 29.4285
47.1542 46.9981 46.4659 45.6105 44.3029 41.5119 36.6253 28.7814
39.3012 40.1436 40.1276 39.6747 38.6660 36.2682 31.9187 24.5210
[ torch.cuda.FloatTensor{4,3,32,32} ]
Process finished with exit code 1
@yongen9696
Copy link

missing forward in your Graph()?

@buttercutter
Copy link
Author

@yongen9696 No, search for functions definitions of def forward_f(self, x): and def forward_edge(self, x):

Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment