Пример #1
0
def runReadData(printBool, maxIter=50):
    '''
    跑实际的数据来实现定位
    :param printBool: 【bool】是否打印输出
    :param maxIter: 【int】最大迭代次数
    :return:
    '''
    snesorDict = {'imu': 'LSM6DS3TR-C', 'magSensor': 'AK09970d'}
    readObj = ReadData(snesorDict)  # 创建读取数据的对象

    outputData = multiprocessing.Array('f', [0] * len(snesorDict) * 24)
    magBg = multiprocessing.Array('f', [0] * 6)
    state0 = multiprocessing.Array('f', [0, 0, 0.01, 1, 0, 0, 0])

    readObj.send()
    pRec = Process(target=readObj.receive, args=(outputData, magBg, None))
    # pRec.daemon = True
    pRec.start()
    time.sleep(2)

    pTrack3D = multiprocessing.Process(target=track3D, args=(state0, ))
    pTrack3D.daemon = True
    pTrack3D.start()

    while True:
        measureData = np.concatenate((outputData[:3], outputData[6:9]))
        LM(state0, measureData, 7, maxIter, printBool)
        time.sleep(0.1)
Пример #2
0
def read_dicom(dicom_path):
    # Function that reads a dicom file and writes to a text file
    dataset = ReadData.read_dicom(dicom_path)
    # vector_grid = dataset.DeformableRegistrationSequence[1].DeformableRegistrationGridSequence[0].VectorGridData
    # vector_grid = np.array(vector_grid).astype(np.float64)
    #
    # with open("dvf.raw", "wb") as f:
    #     f.write(vector_grid)
    ReadData.write_dicom(dataset, "image_test")
Пример #3
0
 def insert(self, fileRoot, project, file, arg):
     Read = ReadData(fileRoot + arg)
     DataClass, Data = Read.readCsvInput()
     Insert = InsertData(self.user, self.host)
     Insert.dataName = arg[:file]
     Insert.dataClass = DataClass
     Insert.data = Data
     Insert.createTable(project)
     Insert.insertData(project)
     return arg, DataClass
Пример #4
0
def read_dicom(dicom_path):
    # Function that reads a dicom file and writes to a text file
    dataset = ReadData.read_dicom(dicom_path)
    ds = dataset.DeformableRegistrationSequence[
        1].DeformableRegistrationGridSequence[0].VectorGridData
    ds = np.array(ds).astype(np.float64)
    print(ds)
    with open("dvf.raw", "wb") as f:
        f.write(ds)
    ReadData.write_dicom(dataset, "dvf")
Пример #5
0
 def initilizeData(self):
     chosenFeatures = self.chosenFeatures.get()
     feature1 = int(chosenFeatures[1])
     feature2 = int(chosenFeatures[6])
     learnRate = float(self.learnRate.get())
     epochsNo = int(self.epochsNo.get())
     bias = self.bias.get()
     rd = ReadData()
     rd.readData()
     featureX = self.returnFeature(feature1, rd)
     featureY = self.returnFeature(feature2, rd)
     return (featureX, featureY)
Пример #6
0
 def __init__(self, file):
     """
         Intialize: Instaces file,
                    Distance Matrix,
                    and size
     """
     self.file = file
     self.instance = ReadData(self.file)
     self.size = self.instance.size
     self.dis_mat = self.instance.GetDistanceMat()
     self.time_read = self.instance.time_to_read
     self.time_algo = 0
Пример #7
0
def load_patients_array():
    # Function that loads all important data for every patient
    pct_data = {}
    petct_data = {}
    dvf_data = {}
    for folder in os.listdir('.\Patients'):
        dvf_path = ReadData.find_path(folder, 'TomoTherapy Patient Disease', 'REGCTsim-CTPET-CT')
        pct_path = ReadData.find_path(folder, 'TomoTherapy Patient Disease', 'kVCT Image Set')
        petct_path = ReadData.find_path(folder, 'PANC.', 'StandardFull')
        # print(petct_path)
        pct_data[folder], petct_data[folder], dvf_data[folder] = ReadData.load_patient_array(dvf_path, pct_path, petct_path)

    return pct_data, petct_data, dvf_data
Пример #8
0
def main():
    snesorDict = {'imu': 'LSM6DS3TR-C'}
    readObj = ReadData(snesorDict)
    # outputDataSigma = multiprocessing.Array('f', [0] * len(snesorDict) * 24)
    outputDataSigma = None
    magBg = multiprocessing.Array('f', [0] * 6)
    outputData = multiprocessing.Array('f', [0] * len(snesorDict) * 24)

    state = multiprocessing.Array('f', [0, 0, 0, 1, 0, 0, 0])

    # Wait a second to let the port initialize
    # readObj.send()
    # receive data in a new process
    pRec = Process(target=readObj.receive,
                   args=(outputData, magBg, outputDataSigma))
    pRec.daemon = True
    pRec.start()

    pTrack3D = multiprocessing.Process(target=track3D, args=(state, ))
    pTrack3D.daemon = True
    pTrack3D.start()

    mp = MahonyPredictor(q=state[3:], Kp=100, Ki=0.01, dt=0.002)
    while True:
        # print("a={}, w={}".format(np.round(outputData[:3], 2), np.round(outputData[3:6], 2)))
        mp.getGyroOffset(outputData[3:6])
        mp.IMUupdate(outputData[:3], outputData[3:6])
        state[3:] = mp.q
        time.sleep(0.08)
Пример #9
0
    def manageTrainingFeatures(self):
        #initilize X1 & X2 & X3 & X4 & Y
        rd = ReadData()
        rd.readData()

        # Reading first chunk of data
        self.training_features['X1'] = rd.IrisX1[0:30]
        self.training_features['X2'] = rd.IrisX2[0:30]
        self.training_features['X3'] = rd.IrisX3[0:30]
        self.training_features['X4'] = rd.IrisX4[0:30]
        self.training_features['Y'] = [1 for i in range(0, 30)]
        # Reading second chunk of data
        self.training_features['X1'].extend(rd.IrisX1[50:80])
        self.training_features['X2'].extend(rd.IrisX2[50:80])
        self.training_features['X3'].extend(rd.IrisX3[50:80])
        self.training_features['X4'].extend(rd.IrisX4[50:80])
        self.training_features['Y'].extend([2 for i in range(50, 80)])
        # Reading third chunk of data
        self.training_features['X1'].extend(rd.IrisX1[100:130])
        self.training_features['X2'].extend(rd.IrisX2[100:130])
        self.training_features['X3'].extend(rd.IrisX3[100:130])
        self.training_features['X4'].extend(rd.IrisX4[100:130])
        self.training_features['Y'].extend([3 for i in range(100, 130)])

        self.testing_features['X1'] = rd.IrisX1[30:50]
        self.testing_features['X2'] = rd.IrisX2[30:50]
        self.testing_features['X3'] = rd.IrisX3[30:50]
        self.testing_features['X4'] = rd.IrisX4[30:50]
        self.testing_features['Y'] = [1 for i in range(30, 50)]
        # Reading second chunk of data
        self.testing_features['X1'].extend(rd.IrisX1[80:100])
        self.testing_features['X2'].extend(rd.IrisX2[80:100])
        self.testing_features['X3'].extend(rd.IrisX3[80:100])
        self.testing_features['X4'].extend(rd.IrisX4[80:100])
        self.testing_features['Y'].extend([2 for i in range(80, 100)])
        # Reading third chunk of data
        self.testing_features['X1'].extend(rd.IrisX1[130:150])
        self.testing_features['X2'].extend(rd.IrisX2[130:150])
        self.testing_features['X3'].extend(rd.IrisX3[130:150])
        self.testing_features['X4'].extend(rd.IrisX4[130:150])
        self.testing_features['Y'].extend([3 for i in range(130, 150)])
Пример #10
0
def main():
    snesorDict = {'imu': 'LSM6DS3TR-C'}
    readObj = ReadData(snesorDict)
    outputDataSigma = None
    magBg = multiprocessing.Array('f', [0] * 6)
    outputData = multiprocessing.Array('f', [0] * len(snesorDict) * 24)

    state = multiprocessing.Array('f', [0, 0, 0, 1, 0, 0, 0])

    # Wait a second to let the port initialize
    # readObj.send()
    # receive data in a new process
    pRec = Process(target=readObj.receive,
                   args=(outputData, magBg, outputDataSigma))
    pRec.daemon = True
    pRec.start()
    time.sleep(0.5)

    pTrack3D = multiprocessing.Process(target=track3D, args=(state, ))
    pTrack3D.daemon = True
    pTrack3D.start()

    i = 0
    bw = np.zeros(3)
    qEKF = QEKF()
    while True:
        for j in range(4):
            # print("w={}".format(np.round(outputData[3+6*j:6*(j+1)], 2)))
            if i < 100:
                bw += outputData[3 + 6 * j:6 * (j + 1)]
                i += 1
                if i == 100:
                    bw /= i
                    qEKF.bw = bw
                    print("get gyroscope bias:{}deg/s".format(bw))
            else:
                w = outputData[3 + 6 * j:6 * (j + 1)]
                wb = w - bw
                qEKF.F = qEKF.Fx(qEKF.dt, wb)
                print('time={:.4f}: wb={}, q={}'.format(
                    time.time(), np.round(qEKF.wb, 2), np.round(qEKF.x, 3)))
                qEKF.predict()
                qNorm = np.linalg.norm(qEKF.x)
                qEKF.x = qEKF.x / qNorm
                state[3:7] = qEKF.x[:]

                aNorm = np.linalg.norm(outputData[6 * j:6 * j + 3])
                qEKF.z = np.array(outputData[6 * j:6 * j + 3]) / aNorm
                qEKF.update(qEKF.z, HJacobian, Hx, qEKF.R)
                qNorm = np.linalg.norm(qEKF.x)
                qEKF.x = qEKF.x / qNorm
                state[3:7] = qEKF.x[:]
            time.sleep(0.037)
Пример #11
0
 def get_rigid_transforms(reg_path):
     dataset = ReadData.read_dicom(reg_path)
     # Pre-Deformation
     pre_def = dataset.DeformableRegistrationSequence[
         1].PreDeformationMatrixRegistrationSequence[
             0].FrameOfReferenceTransformationMatrix
     pre_def = np.array(pre_def).astype(np.float64)
     pre_def = np.reshape(pre_def, (4, 4))
     # Post-Deformation
     post_def = dataset.DeformableRegistrationSequence[
         1].PostDeformationMatrixRegistrationSequence[
             0].FrameOfReferenceTransformationMatrix
     post_def = np.array(post_def).astype(np.float64)
     post_def = np.reshape(post_def, (4, 4))
     return pre_def, post_def
Пример #12
0
#!/usr/bin/env python
# coding: utf-8

from readData import ReadData

import numpy as np
import cv2
import math


path = '/home/aviad/Desktop/src/data/Images/odo360nodoor/odo360nodoor_orginal'

images = ReadData(path).exportNameImages()
print len(images)

# prevImg = cv2.imread(path + '/' + images[0], 0)
# nextImg = cv2.imread(path + '/' + images[1], 0)
prevImg = cv2.imread(images[0], 0)
nextImg = cv2.imread(images[1], 0)

def createLineIterator(P1, P2, img):
    imageH = img.shape[0]
    imageW = img.shape[1]
    P1X = P1[0]
    P1Y = P1[1]
    P2X = P2[0]
    P2Y = P2[1]

    # difference and absolute difference between points
    # used to calculate slope and relative location between points
    dX = P2X - P1X
Пример #13
0
def read_dicom(dicom_path):
    ds = ReadData.read_dicom(dicom_path)
    #petct_data =
    # dvf_data = ReadData.load_dvf_data(ds)
    ReadData.write_dicom(ds, "pct_dicom")
Пример #14
0
from perceptronClass import Perceptron
from readData import ReadData
from drawPoints import DrawPoints

p = Perceptron()

inputs = [-1, 0.5]
print(p.guess(inputs))

readData = ReadData()
readData.read()

drawPoints = DrawPoints()
drawPoints.draw()

for x, y, z in zip(readData.x, readData.y, readData.z):
    inputs = [x, y]
    p.train(inputs, z)
Пример #15
0
def main(args):
    # config
    batch_size = 10
    nb_epoch = 1000
    train_file = "dataset/train.csv"
    pred_file = "dataset/test.csv"
    colList = [
        "LotFrontage", "MSSubClass", "LotArea", "YearRemodAdd", "MasVnrArea",
        "BsmtFinSF1", "BsmtUnfSF", "TotalBsmtSF", "1stFlrSF", "BedroomAbvGr",
        "SalePrice"
    ]  # [x1, x2, ..., xn, y]
    save_dir = "./result/"

    # read dataset
    rd = ReadData()
    train_df = rd.readCSV(train_file)
    pred_df = rd.readCSV(pred_file)

    t_data = rd.getCol(train_df, colList)
    t_data = rd.preprocess(t_data, colList)
    p_data = rd.getCol(pred_df, colList)
    p_data = rd.preprocess(p_data, colList)
    p_data = np.asarray(rd.getCol(pred_df, colList[:-1]))

    x_data = np.asarray(rd.getCol(t_data, colList[:-1]))
    y_data = np.asarray(rd.getCol(t_data, [colList[-1]]))

    # create model
    md = Model()
    input_shape = x_data.shape
    output_shape = 1
    md.create_model(input_shape, output_shape)

    # train
    """
    md.train(x_data, y_data, batch_size, nb_epoch, verbose=1)
    md.save(save_dir, save_dir)
    """

    # predict
    md.predict(p_data, save_dir)
Пример #16
0
    plt.plot(progress)
    plt.ylabel('Distance')
    plt.xlabel('Generation')
    plt.subplot(212)
    plt.plot(progress_min)
    plt.ylabel('Minimum Distance')
    plt.xlabel('Generation')
    plt.show()
    print("Minimum distance :", min_dist)
    print("Best route :", bestRoute)


#INPUT

import sys
if len(sys.argv) < 2:
    print("need inpute file")
    sys.exit(1)
r = ReadData(sys.argv[1])
print(r.size)
size = r.size
dist_matrix = r.GetDistanceMat()
cityList = []
for i in range(size):
    cityList.append(City(label=i + 1, distance_list=dist_matrix[i]))
geneticAlgorithmPlot(population=cityList,
                     popSize=500,
                     eliteSize=100,
                     mutationRate=0.01,
                     generations=100)
                'Implied Volatility put JD'] = callJumpDiffusion, putJumpDiffusion, impVolJDCall, impVolJDPut
        self.df['Call Price SVJD'], self.df['Put Price SVJD'], self.df[
            'Implied Volatility call SVJD'], self.df[
                'Implied Volatility put SVJD'] = callStoVolStoJump, putStoVolStoJump, impVolSVJDCall, impVolSVJDPut

        self.df.to_csv('M:/Master thesis/Data/splitdata/results/6000.csv')
        print('Estimation time: ', time.clock() - start_time, "seconds")
        return self.df


if __name__ == "__main__":

    path = 'M:/Master thesis/Data/splitdata/simulationparameters_1000.csv'
    header = None
    index_col = None
    df = pd.DataFrame(ReadData(path, header, index_col).readFile())

    #General
    rf = 0.012986
    iterations = 100000
    periods = 200
    tick = 0.025  #1/2 of the smalles tick stize on the spx

    #For Stochastic Volatility
    longvol = 0.10
    gamma = 0.5
    kappa = 3.5
    rho = -0.7

    #For JumpDiffusion
    lambda_j = 0.5  #Jump frequency
Пример #18
0
from readData import ReadData
from SA2opt import SimAnneal
import matplotlib.pyplot as plt
import random
import numpy as np


import sys 
if len(sys.argv)<2:
	print("need inpute file")
	sys.exit(1)
filename = sys.argv[1]
D = ReadData(filename)

if __name__ == "__main__":
    # coords = [[random.uniform(-1000, 1000), random.uniform(-1000, 1000)] for i in range(100)]
    sa = SimAnneal(D.GetDistanceMat(),filename)#, stopping_iter=2)
    sa.anneal()
    #sa.batch_anneal()
    #sa.visualize_routes()
    sa.plot_learning()
Пример #19
0
def slope(b):
    return 2 * (b - 4) 

w1 = numpy.random.randn()
w2 = numpy.random.randn()
b = numpy.random.randn()
o = NN(3,1,w1,w2,b)
print(o)

print(b)
for i in range(10):
    b = b - .1 * slope(b)
    print(b)

dataset = ReadData()
dataset.readData()
X1_training = dataset.IrisX1[0:30]
X1_training.extend(dataset.IrisX1[50:80])
X1_training.extend(dataset.IrisX1[100:130])
vector = [X1_training[0],X1_training[1]]
print(vector)
x = [1 for i in range (0,5)]
x.extend([0 for i in range(1,5)])
x.extend([2 for i in range(1,5)])
print(x)
#pi = PlotIris()
#pi.plot(rd.IrisX1, rd.IrisX2, 'X1', 'X2')
'''
IrisX1 = []
IrisX2 = []
Пример #20
0
from readData import ReadData
from imageReg import ImageReg
from interact import Interact
import SimpleITK as sitk

# Change working directory such that it can access data
os.chdir("..")
# Print current working directory
cwd = os.getcwd()
print(cwd)
# Paths
pct_path = ".\\Patients\\HN-CHUM-001\\08-27-1885-TomoTherapy Patient Disease-00441\\112161818-kVCT Image Set-62659\\000000.dcm"
dvf_path = "E:\\Mphys\\ElastixReg\\DVF\\HN-CHUM-001\\deformationField.nii"
petct_path = ".\\Patients\\HN-CHUM-001\\08-27-1885-PANC. avec C.A. SPHRE ORL   tte et cou  -TP-74220\\3-StandardFull-07232"
struct_path = '.\\Patients\\HN-CHUM-001\\08-27-1885-TomoTherapy Patient Disease-00441\\114120634-TomoTherapy Structure Set-68567\\000000.dcm'
ReadData = ReadData()
ImageReg = ImageReg()
Interact = Interact()


def read_dicom(dicom_path):
    # Function that reads a dicom file and writes to a text file
    dataset = ReadData.read_dicom(dicom_path)
    # vector_grid = dataset.DeformableRegistrationSequence[1].DeformableRegistrationGridSequence[0].VectorGridData
    # vector_grid = np.array(vector_grid).astype(np.float64)
    #
    # with open("dvf.raw", "wb") as f:
    #     f.write(vector_grid)
    ReadData.write_dicom(dataset, "image_test")

Пример #21
0
from points import *
from readData import ReadData
import csv
from kmeans import *

# read the data first
r = ReadData('exercise-1.csv')
data = r.read()
# print (data)

# make points array

points = []
for arr in data:
    p = Point(arr[0], arr[1])
    points.append(p)

# generate random centroids
k = Kmeans(2, points)
k.gen_random_centroids()

while not k.converge():
    k.group_points()
    k.reassign()

for c in k.centroids:
    x = []
    y = []
    for p in k.data:
        if p.get_centroid().get_x() == c.get_x() and p.get_centroid().get_y(
        ) == c.get_y():
Пример #22
0
	def __init__(self):
		# Params.__init__(self)
		ReadData.__init__(self)
		Rnn.__init__(self)
Пример #23
0
class NN():
    name = "Nearest Neighbor"

    def __init__(self, file):
        """   
            Intialize: Instaces file,
                       Distance Matrix,
                       and size
        """
        self.file = file
        self.instance = ReadData(self.file)
        self.size = self.instance.size
        self.dis_mat = self.instance.GetDistanceMat()
        self.time_read = self.instance.time_to_read
        self.time_algo = 0

    def get_dist_mat(self):
        """
        changing the distances between tha
        i to i with infinity for simility in code
        """
        D = self.dis_mat.copy()
        for i in range(self.size):
            D[i][i] = np.inf
        return D

    def nn_algo(self, startPoint):
        """
        Nearest Neighbour algorithm
        """
        dist_mat = self.get_dist_mat()
        Tour = [startPoint]
        for _ in range(self.size - 1):
            min_index = np.argmin(dist_mat[Tour[-1]])
            for t in Tour:
                dist_mat[min_index][t] = np.inf
                dist_mat[t][min_index] = np.inf
            Tour.append(min_index)
        return np.array(Tour)

    def run(self):
        """
        randomly chooces starting point
        10% of intances size
        and max = 1000
        min = 10
        and call nn_algo for tour
        """
        tours_dist = []
        tours = []
        self._write_info()
        startPoints = self._start_pt_list()
        #print(startPoints)
        #startPoints = 0
        for s in startPoints:
            t = self.nn_algo(s)
            d = self.get_tour_distance(t)
            tours.append(t + 1)
            tours_dist.append(d)

        self._best_tour(tours, tours_dist)

    def _best_tour(self, Ts, Tsd):
        min_dist_index = np.argmin(Tsd)
        self._writestat(Tsd[min_dist_index], Ts[min_dist_index])

    def get_tour_distance(self, T):
        s = 0
        for i, t in enumerate(T):
            try:
                s += self.dis_mat[t][T[i + 1]]
            except IndexError:
                s += self.dis_mat[t][T[0]]
        return s

    def _write_info(self):
        """
        write info about instance
        """
        print("Instance name:", self.instance.name)
        print("Dimention:", self.size)
        print("Distance Type:", self.instance.EdgeWeightType)
        print("\n \t \t Running 2-opt over 50 random tour ")

    def _writestat(self, D, T):
        """
        Write stats
        """
        print("\n Tour Distance: ", D)
        print(" Best Tour by 2-opt is: \n", T)
        print("\n Time to read instance (sec): ", round(self.time_read))
        self.time_algo = time.time() - start_time
        print(" Time to run instances(sec): ", round(self.time_algo))
        print(" Total Time (sec): ", round(self.time_read + self.time_algo))

    def _start_pt_list(self):
        """
        return starting points list
        """
        np.random.seed(1)
        a = round(self.size * 0.1)
        mi = 10
        mx = 1000
        if a > mx:
            l = np.random.choice(self.size, mx, replace=False)
            return (l)
        elif a <= 10:
            l = np.random.choice(self.size, mi, replace=False)
            return (l)
        else:
            l = np.random.choice(self.size, a, replace=False)
            return (l)
Пример #24
0
class TwoOPT:
    """
    2-opt:
          Generate intial tour
          and improve it by deleting 1 one edges
          and change with other
    -- It gives nearly optimal tour    
    """

    def __init__(self, file):
        """
            Intialize: Instaces file,
                       Distance Matrix,
                       and size
        """
        self.file = file
        self.instance = ReadData(self.file)
        self.size = self.instance.size
        self.dis_mat = self.instance.GetDistanceMat()
        self.time_read = self.instance.time_to_read
        self.time_algo = 0

    def get_initial_tour(self):
        """
        Return: intial tour
        """
        return [*range(1, self.size + 1)]

    def Swap(self, tour, x, y):
        """
            tour : Given TSP tour
            x = swappping First index in tour 
            y = swappping last index in tour
            return : new_tour with perfomming swapping 
            note: x and y should be index only (in tour) not exact city number
        """
        new_tour = tour[:x] + [*reversed(tour[x:y + 1])] + tour[y + 1:]
        return new_tour

    def get_distance(self, tour):
        """
        Given any tour it return total distance of
        given tour
        dis_mat : distance matrix 
        """
        total_dis = 0
        for ind, r in enumerate(tour):
            _from = r
            if ind + 1 == len(tour):
                _to = tour[0]
                total_dis += self.dis_mat[_from - 1][_to - 1]
            else:
                _to = tour[ind + 1]
                total_dis += self.dis_mat[_from - 1][_to - 1]
        return total_dis

    def _optimize(self, initial_tour, Debuglevel=0):
        """
            Improve existing tour 
            using 2-opt method
        """
        minchange = -1
        tour = initial_tour
        while minchange < 0:
            minchange = 0
            for i in range(self.size - 3):
                for j in range(i + 2, self.size - 1):
                    t1 = tour[i]
                    t2 = tour[i + 1]
                    t3 = tour[j]
                    t4 = tour[j + 1]

                    change = (self.dis_mat[t1 - 1][t3 - 1] +
                              self.dis_mat[t2 - 1][t4 - 1] -
                              self.dis_mat[t1 - 1][t2 - 1] -
                              self.dis_mat[t3 - 1][t4 - 1])
                    if change < minchange:
                        minchange = change
                        tour = self.Swap(tour, i + 1, j)
            if Debuglevel:
                print("Tour After Change : ", minchange, "Distances: ",
                      self.get_distance(tour))
        self.best_tour = tour
        return tour

    def _initial_random_tour(self,seed):
        """"
        Return randomly generated tour
        """
        np.random.seed(seed)
        T = np.arange(1,self.size+1)
        np.random.shuffle(T)
        return list(T)

    def run(self):
        tours = []
        tours_dist = []
        #self._write_info()
        for r in range(1):
            T = self._initial_random_tour(r)
            tour = self._optimize(T)
            tour_distance = self.get_distance(tour)
            tours.append(tour)
            tours_dist.append(tour_distance)

        min_dist_index = np.argmin(tours_dist)
        return (tours_dist[min_dist_index], tours[min_dist_index])
        

    """def _write_info(self):
Пример #25
0
import time
import sys
from readData import ReadData

readData = ReadData()
start = time.time()
filename = sys.argv[-1]
sorted_dom_scores = readData.read_table(filename)
end = time.time()
#print readData.errorlog
print "There are %s entries in the table" % len(sorted_dom_scores)
print "Time that takes to read csv table: %f" % (end - start)
print readData.header.header
print "Top 5 rows for their domination scores"
for top in sorted_dom_scores[-5:]:
    print top.cells, top.id
print "\nBottom 5 rows for their domination scores"
for bottom in sorted_dom_scores[:5]:
    print bottom.cells, bottom.id